photo

Salma Hassan


Last seen: 3 years 前 自 2016 起处于活动状态

Followers: 0   Following: 0

消息

统计学

MATLAB Answers

20 个提问
13 个回答

排名
5,010
of 300,331

声誉
10

贡献数
20 个提问
13 个回答

回答接受率
20.0%

收到投票数
4

排名
 of 20,920

声誉
N/A

平均
0.00

贡献数
0 文件

下载次数
0

ALL TIME 下载次数
0

排名

of 168,124

贡献数
0 个问题
0 个答案

评分
0

徽章数量
0

贡献数
0 帖子

贡献数
0 公开的 个频道

平均

贡献数
0 个亮点

平均赞数

  • Thankful Level 2
  • First Review
  • Thankful Level 1
  • Revival Level 2
  • 3 Month Streak
  • First Answer

查看徽章

Feeds

排序方式:

提问


how to prepare images dataset for autoencoder
I used this link to train 20000 2D images with size 256x256. first I have to prepare the dataset to feed it into autoencoder fuc...

5 years 前 | 0 个回答 | 0

0

个回答

提问


problem with ResNet pre-trained network for classification
I used ResNet (Matlab 2019a) for training the dataset and i saved each checkpoints during the training. I am trying to use thes...

5 years 前 | 0 个回答 | 0

0

个回答

提问


change size and format of images
I have a medical images dataset with various sizes and formats . I want to downsample all of them into 256*256 without loosing i...

5 years 前 | 1 个回答 | 0

1

个回答

提问


gathering two cells in confusion matrix
If I have a 4*4 confusion matrix array [1 1 3 2; 1 0 2 1 ; 7 4 3 1; 5 6 3 7]. how can I combining both 2*2 regions are next to ...

5 years 前 | 1 个回答 | 0

1

个回答

已回答
How to select the components that show the most variance in PCA
i still not understand i need an answer for my question------> how many eigenvector i have to use? from these figures

6 years 前 | 0

提问


How to Plot the ROC curve for the average of 10 fold cross validation using Matlab
i used 10 fold cross validation for training the convolution nural network, that each layer was trained 10 times. my question is...

6 years 前 | 1 个回答 | 0

1

个回答

提问


adding decoder layers into architecture of AlexNet
firstly the architecture of AlexNet is not an autoencoder. there is only an encoder but no decoder in AlexNet. So how can i crea...

7 years 前 | 0 个回答 | 0

0

个回答

提问


improve the performance of semantic segmentation
i used this options for training SegNet on my own data (medical image) but i got high error and looowww accuracy i reduced the...

7 years 前 | 0 个回答 | 0

0

个回答

提问


semantic segmentation with different dataset
how can i use the example in this link https://www.mathworks.com/help/vision/examples/semantic-segmentation-using-deep-learning...

7 years 前 | 1 个回答 | 0

1

个回答

提问


semantic segmentation with deep learning
i have a confused between pixel label and ground truth , are there similar when using for training SegNet code . if not how can...

7 years 前 | 1 个回答 | 0

1

个回答

已回答
Dividing the image into blocks
i=imread('image_1_0.png'); i=imresize(i,[256 256]); a=64; b=64; %window size x=size(i,1)/a; y=size(i,2)/...

7 years 前 | 0

提问


divide image into blocks whatever the number of these blocks
i have an image with size 6000*6000 , i want to divide it into blocks the size of each block is 256*256 , what ever the number o...

7 years 前 | 1 个回答 | 0

1

个回答

提问


visualization the features in each layer for convolution neural network
i used the code in this link to visualize the feature https://www.mathworks.com/help/nnet/examples/visualize-features-of-a-co...

7 years 前 | 0 个回答 | 0

0

个回答

提问


I want to plot the Roc curve using perfcurve function i have 2 plot which code is right
the code is [Xpr,Ypr,Tpr,AUCpr] = perfcurve(targets,abs(scores(:,1)), 1, 'xCrit', 'reca', 'yCrit', 'fpr'); plot(Xpr,Ypr) ...

7 years 前 | 1 个回答 | 0

1

个回答

已回答
ROC curve AlexNet CNN
sir did you find the solution i have the same problem

7 years 前 | 0

已回答
How extract Precision, Recall and F-score values from PLOTROC () in Neural Network?
i used your lines in my code but it gives me this graph .... is that ture <</matlabcentral/answers/uploaded_files/102855/ROC...

7 years 前 | 0

已回答
how to calculate precision and recall in MATLAB?
[Xpr,Ypr,Tpr,AUCpr] =perfcurve(targets, scores, 1, 'xCrit', 'reca', 'yCrit', 'prec'); plot(Xpr,Ypr) xlabel('Recall'); ylab...

7 years 前 | 2

已回答
How can I extract the values of weights and biases after each training epoch?
this option 'CheckpointPath' in trainoptions function save the parameters value after each epoch

8 years 前 | 0

已回答
Load one Image and it will Compare with All Images in database Folder and Tell does it match with any image or Not
srcFiles = dir('D:.............\1\*.png'); image_1=length(srcFiles); srcFiles2 = dir('D:\...........\2\*.png'); ima...

8 years 前 | 0

已回答
how to turn matlab table into appropriate input for neural net package
imds=' D:\ '; imds=imageDatastore(imds,'IncludeSubfolders',true,'FileExtensions','.png','LabelSource','foldernames'); [tra...

8 years 前 | 0

提问


how does it possible in convnet, High accuracy in both of validation and test the same has 97% with error loss function 0.01
i really need an experience help . i feel misunderstand about convolution neural network i have a medical image data set and i...

8 years 前 | 0 个回答 | 0

0

个回答

提问


error "Error using nnet.internal.cnn.layer.util.inferParameters>iInferSize (line 86) The output of layer 13 is incompatible with the input expected by layer 14."
where is the error in this code ..i only use googlenet as deep tuning without change any thing in it's Layers except the last 3 ...

8 years 前 | 1 个回答 | 0

1

个回答

提问


Why is the learning rate for the bias usually twice as large as the the LR for the weights?
Why is the learning rate for the bias usually twice as large as the the LR for the weights?

8 years 前 | 0 个回答 | 0

0

个回答

提问


deep learning convnet with matlab
i want to divide the dataset into 3 parts ( training , validation , test ) with matlab is this line true [trainingimages,...

8 years 前 | 1 个回答 | 0

1

个回答

已回答
deep learning convnet with matlab
ok i found the answer Create three new datastores from the files in imds. The first datastore imds60 contains the first 60% o...

8 years 前 | 0

提问


what is causes NaN values in the validation accuracy and loss from traning convolutional neural network and how to avoid it?
I USE this line in matlab code [trainedNet,traininfo] = trainNetwork(trainMatrix,Layers,opts); so the information about vali...

8 years 前 | 3 个回答 | 1

3

个回答

已回答
How to avoid NaN in the Mini-batch-loss from traning convolutional neural network?
i have this line in my code [trainedNet,traininfo] = trainNetwork(trainingimages,Layers,opts); when i opened the structure tra...

8 years 前 | 0

已回答
save image in a folder with original name
https://stackoverflow.com/questions/32430643/saving-with-original-names-in-matlab

8 years 前 | 0

已回答
How to increase the training and testing accuracy in CNN training?
hi sir did you find any solution for your problem , i have the same on

8 years 前 | 0

加载更多