Issue I started playing with caret package recently and I’m trying to understand the training arguments. Below I used the Sonar dataset and created three imputs and the output. library(caret) library(mlbench) data(Sonar) set.seed(107) SonarImput1<-Sonar[,1:60] SonarImput2<-Sonar[,1:2] SonarImput3<-Sonar[,1] SonarOutCome<-Sonar[,61] mlp <- caret::train(SonarImput1,SonarOutCome,
Continue readingTag: training-data
R: Check Variables in Training Data
Issue I’m using training data provided to me in an RData file, and a data frame I built myself with all the columns I thought there were in the training data. args = commandArgs(trailingOnly=TRUE) model = readRDS(args[1]) m = model[[1]]
Continue readingTraining and test score experiment in Neural Network
Issue I am trying to setup a non-linear regression problem in Keras. I have two sets of data say X1 and X2 whose Y values have a similar mean and standard deviation. The following procedure was under taken: Combine the
Continue readingSpacy 2.0 NER Training
Issue In SpacyV1 it was possible to train the NER model by providing a document and a list of entity annotations in BILOU format. However it seems as if in V2 training is only possible by providing entity annotation like
Continue readingr caret estimate parameters on a subset fit to full data
Issue I have a dataset of 550k items that I split 500k for training and 50k for testing. During the training stage it is necessary to establish the ‘best’ combination of each algorithms’ parameter values. Rather than use the entire
Continue readingIs it possible to create a trainable variable in keras like in tensorflow?
Issue Good morning everyone; I’m trying to implement this model where the neural network’s inputs are based on a trainable vocabulary matrix (each row in the matrix represents a word entry in the vocabulary). I’m using keras (tensorflow backend), I
Continue readingError while training a basic network in caffe using ImageData layer
Issue I am trying to get started training a network for image classification using Caffe. I would like a solver to train a model using data of my own. I am using an “ImageData” layer and I prepared a ‘file_lists.txt’
Continue readingANPR Data Sets For Deep Learning
Issue I am working on an ANPR application for UAE license plates which differ themselves from one another in shapes and partial different colours. As to make a prototype I like to use transfer learning with around 1000 images of
Continue readingHow to train in Keras when I don't have enough memory for loading all training data
Issue I want to train my model in Keras, so tried to load images as numpy array and resizing them, but it failed because I don’t have enough memory. MemoryError when I normalize images by img/255 My task is semantic
Continue readingWhat is training and testing in image processing?
Issue I’m implementing color quantization based on k-means clustering method on some RGB images. Then, I will determine the performance the algorithm. I found some information about training and testing. As I understand, I should divide the samples of images
Continue readingValueError: Cannot feed value of shape (128, 28, 28) for Tensor 'Placeholder:0', which has shape '(?, 784)'
Issue I am new to Tensorflow and Machine Learning and trying out CNN using Tensorflow with my custom input data. But I am getting the error attached below. The Data or Image Size is 28×28 with 15 Labels. I am
Continue readingTesseract ambiguity files work different for editing
Issue I want to edit some text like Female and Male because When I test them I found them as FemaIe and MaIe (I mean with Capital I not small L (l) ). And I want to solve this issue
Continue readingTensorflow: create minibatch from numpy array > 2 GB
Issue I am trying to feed minibatches of numpy arrays to my model, but I’m stuck with batching. Using ‘tf.train.shuffle_batch’ raises an error because the ‘images’ array is larger than 2 GB. I tried to go around it and create
Continue readingData needed to train Tesseract OCR for custom Language
Issue I am trying to build a CUSTOM language for detecting only following characters: [‘A’, ‘B’, ‘C’, ‘D’, ‘E’, ‘F’, ‘G’, ‘H’, ‘I’, ‘J’, ‘K’, ‘L’, ‘M’, ‘N’, ‘O’, ‘P’, ‘Q’, ‘R’, ‘S’, ‘T’, ‘U’, ‘V’, ‘W’, ‘X’, ‘Y’, ‘Z’,
Continue readingAnnotated Training data for NER corpus
Issue It is mentioned in the documentation of opennlp that we’ve to train our model with 15000 line for a good performance. now, I’ve to extract different entities from the document which means I’ve to add different tags for many
Continue readingOpencv_createsamples fails with segmentation fault
Issue I am currently trying to make a HAAR classifier. I have made an annotation file and have done everything as described in the official openCV tutorial: https://docs.opencv.org/3.3.0/dc/d88/tutorial_traincascade.html . However, when I try to create the samples with opencv_createsamples, I
Continue readingdplyr: select first half (or given proportion) of each group
Issue my need is simple: i have a data.frame with a grouping variable, like this: library(dplyr) proportion = 0.5; set.seed(1) df = data.frame(id=1:6, name=c(“a”, “a”, “b”), value=rnorm(6)) %>% arrange(name) I want to keep only the first half of each group
Continue readingWhy normalizing labels in MxNet makes accuracy close to 100%?
Issue I am training a model using multi-label logistic regression on MxNet (gluon api) as described here: multi-label logit in gluon My custom dataset has 13 features and one label of shape [,6]. My features are normalized from original values
Continue readingCouldn't Train Tensor Object Detection API Models
Issue I am using tensorflow’s object detection API. I successfully trained with ‘ssd_mobilenet_v1_coco_2017_11_17’ model, later I moved to another model from the given models but while training process starts it showing the error: “TypeError: Expected int32, got range <0,3> of
Continue readingTensorflow (steps, batch_size and periods)
Issue I am a little confused while training a model in tensorflow. What are steps and batch_size and periods in the train_model function? The code for the train_model function is given in the link to Learn from google AI Solution
Continue readingBuilding model that makes a decision where difference between two classes is too large
Issue Currently I’m building a ML model for making decision depends on some conditions using classifier. Btw the data that I’ve collected is too abnormal: Assumes that my data are classified as A and B, and ratio of records of
Continue readingTraining set accuracy deacreases as set size increases
Issue In order to learn more about Machine Learning algorithms, I am playing with some data I collected myself but I have a strange behaviour when used with my Neural Network algorithm… My dataset is composed of data split into
Continue readingIs it good practice to add a column specifying test set and train set?
Issue I found a tutorial a while back but cannot locate it again that created an extra column in both the train and the test set that specified true or false for being the training set. I have the code
Continue readingKeras handling large dataset which cannot fit into memory
Issue I’m working on facial expression recognition, and I’m using Keras. I’ve collected many datasets, and then I have applied data augmentation on the images, I’ve got about 500 000 images saved (as pixels) on a .csv file (same format
Continue readingTensorFlow Object Detection API trains only one class instead of multiple classes
Issue I have been trying to fine-tune the SSD Inception v2 model with my own dataset of different kinds of drinks. Unfortunately, when I am training, I found that only one category of class is getting trained but not the
Continue readingRunning model in custom Data Set(2 classes) error in testing phase (MXNet framework)
Issue i am running a model for my own data set(the project was implemented for training/testing with ImageNet) with 2 classes. I have made all the changes (in config files etc) but after training finishes(successfully), i get the following error
Continue readingCaffe – aborted training
Issue I am trying to train from scratch a caffe model (in docker). pwd: root@982adaaca24f:~/sharedfolder/caffe/docker/image/happyNet# relevant files path: models/ Custom_Model/ deploy.prototxt solver.prototxt train.prototxt datasets/ training_set_lmdb/ data.mdb (5,01 GB) lock.mdb validation_set_lmdb/ data.mdb (163,8 GB) lock.mdb for that I’m running: #~/caffe/build/tools/caffe train
Continue readingEncoding Time Series Forecasting with LSTM Networks
Issue I have a big dataset which contains entries in the form of: user_id, measurement_date, value1, value2,.. The challenge that comes up is how to handle gaps in the data. The measurements were taken randomly so there will always be
Continue readingWhat shape should take y data when predicting corresponding list for another list
Issue Background There are two lists of characters. One list contains piano notes and another string notes. Idea is to train model to predict string notes based on piano notes. So it generates string melody to piano. To make it
Continue readingMachine learning where labelling of training data might not be 100% accurate
Issue I have a dataset which consists of people who have diabetes, and who have not. Using this data, I want to train a model to calculate a risk probability for people with unknown diabetes status. I know that the
Continue readingCan doc2vec be useful if training on Documents and inferring on sentences only
Issue I am training with some documents with gensim’s Doc2vec. I have two types of inputs: Whole English Wikipedia: Each article of Wikipedia text is considered as one document for doc2vec training. (Total around 5.5 million articles or documents) Some
Continue readingData sets for neural network training
Issue I am looking for some relatively simple data sets for testing and comparing different training methods for artificial neural networks. I would like data that won’t take too much pre-processing to turn it into my input format of a
Continue readingError bars in feature selection increase when using more features?
Issue I am following this example to determine feature importance using Random Forests. When using numerous features and only a subset of these features, these are the results I observe, respectively: Is there a particular reason the error bars increase
Continue readingError bars in feature selection increase when using more features?
Issue I am following this example to determine feature importance using Random Forests. When using numerous features and only a subset of these features, these are the results I observe, respectively: Is there a particular reason the error bars increase
Continue readingTrain Mobilnet V2 with transfer learning in Tensorflow
Issue Folks, How can I do transfer/domain learning with mobilenet v2? I use the mobilnet v1 training code to train mobilenet v1, but is there written code to train v2 either in the models repository, or in the tensorflow repository?
Continue readingSelf Organizing Map to split datasets
Issue I am trying to use Self Organizing Map to split datasets into training, validation and test sets. I created the SOM model, dimension1 = 10; dimension2 = 10; net = selforgmap([dimension1 dimension2],100,3,’hextop’,’linkdist’); [net, tr] = train(net, cancer); however when
Continue readingOpenNLP NameFinder training, "Found unexpected annotation"
Issue In training my NameFinderME, I get the following error message: My data looks as follows: <START someTag> some text <END> Computing event counts… java.io.IOException: Found unexpected annotation: In everything else Google has found me for this error message, it’s
Continue readingMicrosoft translator engine customization: parallel txt files
Issue I am trying to perform some NMT engine customization for Japanese but I am having some difficulties uploading parallel txt files. I’ve gathered 10k parallel sentences and I’ve put them into two txt files: As the guide suggested, I’ve
Continue readingSplitting data into test and train including
Issue How do I split my folder containing multiple video files into train and test folders based on dataframe variables that tell me the which video should be in the train folder and which video should be in the test
Continue readingResize images and merge data sets in python
Issue I have two datasets, images1 and images2(generated in the function below, by reading images in a loop via given path) def measure(images1,path): images2=[] for filename in glob.glob(path): #looking for pngs temp = cv2.imread(filename).astype(float) images2.append (augm_img) print(np.array(images2).dtype) print(np.array(images).dtype) print(np.array(images2).shape) print(np.array(images).shape)
Continue readingWhat's the purpose of nb_epoch in Keras's fit_generator?
Issue It seems like I could get the exact same result by making num_samples bigger and keeping nb_epoch=1. I thought the purpose of multiple epochs was to iterate over the same data multiple times, but Keras doesn’t reinstantiate the generator
Continue readingTfrecord vs TF.image?
Issue I was under the impression that having a pre-computed Tfrecord file was the most efficient way to feed your input function. However, I keep seeing great looking articles such as this one where the input function takes a reference
Continue readingGrayscale input image for SSD detector in Tensorflow Detection API
Issue I’m creating a dataset of images to train a detector using Tensoflow Detection API (SSD/MobileNet). Images are grayscale but it seems the input should be RGB image. Do I need to convert grayscale images to a three channel RGB
Continue readingMachine Learning – training data vs 'has to be classified' data
Issue i have a general question about data pre-processing for machine learning. I know that it is almost a must do to center the data around 0 (mean subtraction), normalize the data (remove the variance). There are other possible techniques.
Continue readingTraining IBM Watson Discovery Service for FAQ customer supporting
Issue I’m trying to build FAQs customer support agent with Watson Discovery Service and uploading FAQs documents to this service, but when I query it shows full documents content as a result. There is answered that Question and Answer pairs
Continue readingHow to connect the output tensor of a restored graph to the input of the default graph in tensorflow?
Issue I am new to tensorflow, and I have been stuck at this for several days. Now I have the following pretrained model (4 files): Classification.inception.model-27.data-0000-pf=00001 Classification.inception.model-27.index Classification.inception.model-27.meta checkpoint And I can successfully restore this model as a default graph
Continue readingHow is the data used for speech recognition collected and prepared?
Issue As far as I can tell, most speech recognition implementations rely on binary files that contain acoustic models of the language they are trying to ‘recognize’. So how do people compile these models? One could transcribe lots of speeches
Continue readingHow to use data generator to generate data faster while training keras model?
Issue I followed this tutorial to create the following data generator. However, it takes too much time for training. How can I make it run faster knowing that I have already created all the data files read by the reader
Continue readingShould I keep/remove identical training examples that represent different objects?
Issue I have prepared a dataset to recognise a certain type of objects (about 2240 negative object examples and only about 90 positive object examples). However, after calculating 10 features for each object in the dataset, the number of unique
Continue readingNeural Network Underfitting with Dogs and Cats
Issue Without necessarily getting into the code of it, but focusing more on the principles, I have a question about what I assume would be underfitting. If I am training a network that recognizes true or false as to whether
Continue readingTrain Tensorflow with my own images successfully, but still have problems
Issue I am using ubuntu 16.04, with GPU Geforce 1080, 8 GB GPU memory. I have properly created TF-record files, and I trained the model successfully. However I still have two problems. I did the following steps and I still
Continue readingHow do I split my data set between training and testing sets while keeping the ratio of the target variable in both sets?
Issue I have a data set which I intend to split between a training set and testing set for a machine learning analysis using R. Assuming my data set (called MyDataset) has a ratio of Yes (60%) and No (40%)
Continue readingEffect of learning rate on the neural network
Issue I have a dataset of about a 100 numeric values. I have set the learning rate of my neural network to 0.0001. I have successfully trained it on the dataset for over 1 million times. But my question is
Continue readingCannot Train Keras Pre-trained Model in Tensorflow Estimator
Issue While implementing a Tensorflow keras VGG16 pre-trained model with custom data using the Estimator class, it is throwing the error “ValueError: Cannot find input with name “image” in Keras Model. It needs to match one of the following: input_30“.
Continue readingBfloat16 training in GPUs
Issue Hi I am trying to train a model using the new bfloat16 datatype variables. I know this is supported in Google TPUs. I was wondering if anyone has tried training using GPUs (for example, GTX 1080 Ti). Is that
Continue readingHow does GradientDescentOptimizer.minimize() work?
Issue In regard to TensorFlow, I am confused with how GradientDescentOptimizer.minimize() actually works. To be more specific through the code below, how does calling minimize(error) modify the m, b so that when I just call sess.run([m, b]), they return the
Continue readingTensorboard bump in accuracy score
Issue I have been training my Inception ResNet V2 using Tensorflow, and logging the accuracy/loss etc. via TensorBoard. Now when I resumed training today, almost instantly (in a few global steps) my accuracy bumped from 86% to 97%, when resuming
Continue readingAvoiding overfitting while training a neural network with Tensorflow
Issue I am training a neural network using Tensorflow’s object detetction API to detect cars. I used the following youtube video to learn and execute the process. https://www.youtube.com/watch?v=srPndLNMMpk&t=65s Part 1 to 6 of his series. Now in his video, he
Continue readingHow can I get the train and test scores for each iteration of a MLPRegressor?
Issue This answer seems exactly what I need BUT for a regressor instead of a classifier. https://stackoverflow.com/a/46913459/9726897 I made very minor modifications to modified the code provided by sascha from link as shown below. I thought it would be fairly
Continue readingScale training set by inverse standard deviation using python
Issue I am using python and have a training set of data that i need to ‘subtract the mean and scale by inverse standard deviation’. Subtracting the mean would just be subtracting the mean from each value in each column
Continue readingColumns not available for when training lasso model using caret
Issue I am getting an odd error Error in `[.data.frame`(data, , lvls[1]) : undefined columns selected message when I am using caret to train a glmnet model. I have used basically the same code and the same predictors for an
Continue readingIs there a way to open and modify a python file in a virtual machine of google cloud platform?
Issue I just started to use cloud to do training for my deep learning program. For now every time I modified my local .py file I have to remove the old one in the remote virtual machine of Google Cloud
Continue readingIf I am performing data preprocessing on training data, is it necessary to perform the same on test data?
Issue For example, if I find the mean and variance of the training data and normalize it, should I use the same mean and variance for testing data or should I find the mean and variance of testing data? Solution
Continue readingPerform cross-validation on training or validation partition to tune parameters
Issue I have a large dataset which is partitioned into three chuncks (train-validate-test). And I want to perform cross-validation (CV) , since I have a large dataset it will take too long to perform CV on the entire dataset. What
Continue readingTorch – Using optim package with CNN
Issue I am trying to train a CNN using optim package. I am using this code, obtained from a video tutorial (see around 24:01), as a reference. This particular example uses a normal neural network. I also used this reference.
Continue readingError comes up, when my test set has data which my train data doesn't have?
Issue I have a dataset and have split it into train (80%) and test (20%) set. First step is setting up decision tree and then I predict using my test set. tree <- rpart(train$number ~ ., train, method = “class”)
Continue readingCreate a code in python to get the most frequent tag and value pair from a list
Issue I have a .txt file with 3 columns: word position, word and tag (NN, VB, JJ, etc.). Example of txt file: 1 i PRP 2 want VBP 3 to TO 4 go VB I want to find the frequency
Continue readingObservations with low frequency go all in train set and produce error in predict ()
Issue I have a dataset (~14410 rows) with observations including the country. I divide this set into train and test set and train my data using decision tree with the rpart() function. When it comes to predicting, sometimes I get
Continue readingTensorFlow ValueError: Cannot feed value of shape (32, 2) for Tensor 'InputData/X:0', which has shape '(?, 100)'
Issue I am new to TensorFlow and machine learning. I’m trying to create a sentiment analysis NN with tensorflow. I’ve set up my architecture and I’m attempting to train the model but I encounter the error ValueError: Cannot feed value
Continue readingPickle loading CIFAR-100 data
Issue I am trying to unpickle the CIFAR-100 data, but I do not think I am doing it correctly. From their example, you load the file and then call pickle.load(): #imports data def unpickle(file): import pickle with open(file, ‘rb’) as
Continue readingexpected ndim = 4 found ndim = 5 and other errors – Keras – GTSRB dataset
Issue I’m trying to make a CNN model based on the GTSRB dataset (link given below), but I’m faced with the following error: When I set the input_shape = input_shape=(3, IMG_SIZE, IMG_SIZE), I get this error: ValueError: Error when checking
Continue readingRe-train loaded model from pickle file
Issue I have three datasets: train, validation, test and I am currently using an XGBoost Classifier to do the job on a classification task. I trained the XGBClassifier on the train set and saved it as a pickle file to
Continue readingRe-train loaded model from pickle file
Issue I have three datasets: train, validation, test and I am currently using an XGBoost Classifier to do the job on a classification task. I trained the XGBClassifier on the train set and saved it as a pickle file to
Continue readingDoes TensorFlow optimizer minimize API implemented mini-batch?
Issue Does Tensorflow minimize API for, say GradientDescentOptimizer implement mini-batch already when we feed the input tensor with a minibatch size of data? I was reading this bolg which indicated that the minibatch is not implemented in the minimize method,
Continue readingerror using train command in caret package in r
Issue I am trying to make a glm model using caret in r using healthcare data from the CDC. However, whenever i try to train the model using the train() command in caret, i keep on getting the following error:
Continue readingWhy Regularization strength negative value is not a right approach?
Issue I have a general question regarding training your model when adding the Regularization strength λ parameter as it puts penalty on your score to prevent over-fitting (as far as I know from class and Tootone answer linked below) So
Continue readingSimultaneous training and testing in Tensorflow
Issue I am trying to perform training and testing of a neural network in Tensorflow in the same script, same graph, same session. I read that it is possible, however when I look at the accuracy/loss results from the training
Continue readingHow to use a trained Neural Network?
Issue I’m trying to understand the logic behind the use of a trained Neural Network. If I’m right : we should save the weights from the previous training, then, reload them with the new input. For example, I have this
Continue readingGive scikit-learn classifier custom training data?
Issue I have been working on this all day (struggled rather). Having read through the documentation, many other tutorials and due to my inexperience, I can’t figure out how to use my own data with a MultinomialNB classifier? Here is
Continue readingHow to only use all features for training, but only 2 features for testing with SciKit learn?
Issue I am building a machine learning model for predicting Premier League (football/soccer) results using this dataset, which has features such as Home Goals, Away Goals, Shots on target etc. This is my code currently after I have loaded the
Continue readingDLIB : Training Shape_predictor for 194 landmarks (helen dataset)
Issue I am training DLIB‘s shape_predictor for 194 face landmarks using helen dataset which is used to detect face landmarks through face_landmark_detection_ex.cpp of dlib library. Now it gave me an sp.dat binary file of around 45 MB which is less
Continue readingHow to decide if a model was trained by a sample?
Issue I have 2 trained models (hdf5) and a list of 100 samples (npy) from the MNIST dataset. Model 1 was trained by 50 samples and model 2 by the other 50. Now my Question is if it’s possible to
Continue readingHow to random search in a specified grid in caret package?
Issue I wonder it is possible to use random search in a predefined grid. For example, my grid has alpha and lambda for glmnet method. alpha is between 0 and 1, and lambda is between -10 to 10. I want
Continue readingSame form of dataset has 2 different shapes
Issue I am quite new to Machine Learning and am just grasping the techniques. As such, I am trying to train a model on the following classifiers using a dataset that has 4 features and the target feature/class (the truth
Continue readingRun trained Machine Learning model on a different dataset
Issue I am new to Machine Learning and am in the process of trying to run a simple classification model that I trained and saved using pickle, on another dataset of the same format. I have the following python code.
Continue readingwhat the bars in keras training show?
Issue I am using keras and part of my network and parameters are as follows: parser.add_argument(“–batch_size”, default=396, type=int, help=”batch size”) parser.add_argument(“–n_epochs”, default=10, type=int, help=”number of epoch”) parser.add_argument(“–epoch_steps”, default=10, type=int, help=”number of epoch step”) parser.add_argument(“–val_steps”, default=4, type=int, help=”number of valdation step”)
Continue readingTraining Huge Data with CNN
Issue As a newbie in machine learning, I have tried to search for a lot of methods used for training classifier and how to make data readable. All I know till now that labels are the most important thing for
Continue readinghow to configure data labels in a numpy array for training a Keras model?
Issue I’m trying to implement Keras for my first time (so sorry for the dumb question) as part of a wider project to make an AI that learns to play connect 4. As part of this, I pass a NN
Continue readingHow to fix TensorFlow Linear Regression no change in MSE?
Issue I’m working on a simple linear regression model to predict the next step in a series. I’m giving it x/y coordinate data and I want the regressor to predict where the next point on the plot will lie. I’m
Continue readingAccuracy from sess.run(() is returning the value in bytes. How can I change to value?
Issue I am new to CNN and tried to train the CNN model. However when I try to print the accuracies returned from cnn it gives me results in bytes format like b’\n\x11\n\naccuracy_1\x15\x00\x00\x80<‘. However when I try to print the
Continue readingTraining, Validation, Testing Batch Size Ratio
Issue I’m doing transfer learning using Inception on Tensorflow, this is the training code that I followed : https://raw.githubusercontent.com/tensorflow/hub/master/examples/image_retraining/retrain.py At the bottom part of the code, we can specify the parameters according to our dataset. (there are training, val, test
Continue readingSame Keras model got different result between Ubuntu and windows?
Issue I want to use my linux computer to train the model. I directly load the pre-training model in windows, but the loss get higher and the accuracy declined. this is my training model def create_model(self): print(“CREATE NEW MODEL”) input_img
Continue readingValidation and Testing accuracy widely different
Issue I am currently working on a dataset in kaggle. After training the model of the training data, I testing it on the validation data and got an accuracy of around 0.49. However, the same model gives an accuracy of
Continue readingRetrain production model with labeled + predicted data?
Issue Let’s say that I’m currently doing text classifying with two different classes. The labeled data I have now is the one I have manually classified as either X or Y. The dataset is atm kind of large with a
Continue readingHow to retrain mobilenet model for custom images
Issue I have followed tensorflow for poets tutorial and got a basic understanding of how to retrain a model for custom objects. In the tutorial, I retrained the model for different categories of flowers and then used the newly generated
Continue readingWhich pre-trained model works best for disaster classification
Issue I’m new to deep learning, I want to build a model that predicts the type of disaster (flood, Fire, Infrastructure damage) from a giving picture. I want to proceed with transfer learning and I’m not sure which model would
Continue readingHow to extract specific features of same person using different image?
Issue The aim of my project is extracting specific facial features on mobile phone. This a verification application using user’s face. Given two different images of the same person, extracting the features as close as possible. Right now, I use
Continue readingNot able to prepare a training data for my model if my number of categorical variables are not fixed
Issue I am trying to solve a regression problem where the factory consolidates products which are included in an order. I have the total time taken by merge factory to consolidate one order. Now here comes the problem. when two
Continue readingTraining set contains "labels" as inputs to keras model
Issue I’m seeing that my keras model does not handle input columns well if they are not float values. I’d like to be able to train the model using columns that contain “labels”, and by labels I mean IDs of
Continue readingMachine Learning Training Perspective
Issue I just need some guidance. I’m seeing a lot of directions to go and I want to see what would be my best Avenue. So essentially I have a pandas dataframe of groups similar to this(groups are in 4’s):
Continue reading