now there are tasks that need to use a deep learning framework to implement a function that is roughly the same as that of LogisticRegression in scikit-learn. Is it possible? If there is one? Could you tell me the general steps? Because I am not familiar...
problem description Hello everyone, I use tensorflow+yolov3 for target recognition, batch_size=32,random=0 (no multi-angle training), 5000 rounds of training, the loss value is about 4.1. on this basis, I set random=1, which is also in the case of 50...
problem description install tensorflow test report error, search a lot on the Internet, the type of error is different, find the answer the platform version of the problem and what methods you have tried CUDA9.0 CUDNN7.0.5 related codes versi...
problem description after installing CUDNN, follow the official website to compile and test the error usr bin ld: cannot find-lcudart related codes usr bin ld: cannot find -lcudart collect2: error: ld returned 1 exit status >>> WARN...
this piece has been extracted regularly before, and its function is relatively perfect, but sometimes it needs to be fine-tuned, so if you want to implement an AI, you can automatically extract and learn. for example, the following data 12345678 12...
problem description use Tensorflow s keras to deal with a text emotion multi-classification problem, but there are some inexplicable problems when building the model? Error when checking target: expected dense_3 to have 2 dimensions, but got array w...
< H2 > background < H2 > I am a beginner in machine learning and complete a target recognition project at the request of the company. I learned a lot of mathematical knowledge in the early stage. I understand that the role of mathematical knowledge ...
my system is 64-bit Window10. Today, I want to install tensorflow,. As a result, I found that Anaconda is 32-bit and cannot install tensorflow this anaconda is what I spent a day configuring half a year ago. It comes with sublime Text and other softwar...
problem description recently, using TensorFlow training samples, the neural network chooses that the yolov3,loss value has been maintained at about 8, and there is no global convergence, and the final recognition rate is not high. the environmental ...
topic description for example, there are often a large number of userid and itemid, in recommendation systems that seem to directly calculate the vector, of itemid, such as the calculation in gensim, or bow or skipgram, in neural networks, but their i...
who has a training set file for furniture identification or related open source projects? Thank you ...
"single neuron to achieve single classification problem ", "multiple neurons to achieve multi-classification problem " these two sentences how to understand, a single neuron can not achieve multi-classification problem? ...
ask for BreAst Cancer Histology image data of group An in the competition, 400pieces of breast cancer pathological section images marked ...
is there anyone familiar with faster rcnn and mask rcnn? Let me ask you a question. When I saw the first edition of faster rcnn last year, the number of sliders was 1w8. Recently, I think the sliders of mask rcnn are 104w, (1024,1024). Is that the case ?...
I trained a model with TensorFlow, converted the .mlmodel model through tfcoreml, and observed the input format in Xcode, as shown in the following figure. Excuse me, how can I convert the input image into the following input format? ...
A convolutional neural network is constructed with tensorflow. The code is as follows: import tensorflow as tf import numpy as np import gym from collections import deque tf.enable_eager_execution () < H1 > define hyperparameters < H1 > < H1 > ...
Code: import tensorflow as tf import numpy as np tf.enable_eager_execution () class DataLoader (): def __init__(self): mnist = tf.keras.datasets.mnist.load_data(path = mnist.npz ) self.train_data = mnist[0][0] self.train_data = np....
it s a bit of a mess after searching on the Internet. What participle, corpus, vector, seq2seq,word2dev and so on and a bunch of formulas. I got dizzy after reading it. can you tell me about it? How many steps does this take? for example, I have do...
1. Question: tensorflow error the Tensor printed in blue before is the variable I want to force assignment to Code: def alexnet(image, keepprob=0.5): ... fc3 = tf.nn.sigmoid(tf.matmul(dropout2, weight3)) return fc3 is the...
now that I have finished classifying my photo collection using Alexnet network, I now see that the function of embedding in tensorBoard feels very cool, and I especially hope to see the effect of my network classification through that kind of visual int...