Questions tagged [mxnet]

Apache MXNet is a fast, scalable, open source deep learning framework that supports Python, R, Scala, C++, Julia, Go, and Javascript. MXNet can run on multiple CPUs and multiple GPUs distributed across multiple hosts, with almost linear scalability.

Apache MXNet: Flexible and Efficient Library for Deep Learning

For more details see http://mxnet.io/

Flexible

Supports both imperative and symbolic programming

Portable

Runs on CPUs or GPUs, on clusters, servers, desktops, or mobile phones

Multiple Languages

Supports over 7 programming languages, including C++, Python, R, Scala, Julia, Matlab, Javascript and Perl.

Auto-Differentiation

Calculates the gradient automatically for training a model

Distributed on Cloud

Supports distributed training on multiple CPU/GPU machines, including AWS, GCE, Azure, and Yarn clusters

Performance

Optimized C++ backend engine parallelizes both I/O and computation

701 questions
0
votes
0 answers

How to train my already trained model with a new class?

Am kind of new to mxnet and I wanted to ask if I can execute a command to train my already trained model with a custom dataset. The first time I trained my model is i.e. with only one class ['dog'] then after I trained the model, I want to train it…
shaolin30
  • 1
  • 1
0
votes
1 answer

Dlr model gives notorious result for object detection model

I am following this link to train an object detection model. I am able to successfully deploy the model on EC2 instance. The accuracy was good. I complied the same model file for m edge Device Jetson Nano. My inference code looks like below, from…
0
votes
1 answer

R: namespace load failed for ‘mxnet’: package ‘mxnet’ was installed before R 4.0.0: please re-install it

I am trying to install the R package "mxnet". However, this package does not seem to be available on CRAN. I found similar posts on stackoveflow where similar problems were encountered: How to install "mxnet" package in R 4.0.2 I tried to install…
stats_noob
  • 5,401
  • 4
  • 27
  • 83
0
votes
1 answer

How to run datawig on GPU?

I tried to run Imputer.fit by passing mxnet.context with gpu id but it seems mycode still run on cpu. from mxnet import gpu ... ctx = gpu(0) ... imputer.fit(train_df=imputer_train_df, num_epochs=10, ctx=ctx) Anyone know how to correctly do this ? I…
3ORZ
  • 79
  • 1
  • 3
0
votes
1 answer

Mxnet, load data from csv file with pandas and feed to NN models

I'm having a problem in loading correctly a .csv file to use as input for a very simple dense NN model. The csv file contains all the input features and a 'target' column, to use as output for regression. This is what I'm doing so far: def main(): …
Carlo
  • 1,321
  • 12
  • 37
0
votes
1 answer

How can I transform a list to array quickly in the framework of Mxnet?

I have a list which has 8 elements and all of those elements are arrays whose shape are (3,480,364).Now I want to transform this list to array as (8,3,480,364).When I use the array=nd.array(list) this command,it will takes me a lot of time and…
Hank
  • 1
0
votes
1 answer

Error "ModuleNotFoundError: No module named 'parall_module_dist'" when train insightface in model parallelism via MXNet

When I train insightface with train_parallel.py scripts, which is the model parallelism implementation of MXNet, I change the para of config.num_workers, and get this error: Traceback (most recent call last): File "train_parall.py", line 434, in…
Snow_Sun
  • 1
  • 1
0
votes
1 answer

Can I pickle a Zip object?

I have a directory containing mostly text and json files, and one binary file (output of MXNet.Block.save_parameters neural network). I wanted to zip this folder and then pickle it. Say I have a zip file object: from zipfile import ZipFile import…
Gerges
  • 6,269
  • 2
  • 22
  • 44
0
votes
1 answer

RecordIO: "The header of the MXNet RecordIO record...does not start with a valid magic number"

Using Linear Learner in Sagemaker with MXNet RecordIO, I get "The header of the MXNet RecordIO record at position 5,089,840 in the dataset does not start with a valid magic number" after fit() has been running 38 minutes. The file was generated…
Joshua Fox
  • 18,704
  • 23
  • 87
  • 147
0
votes
1 answer

GluonCV object detection fine-tuning - Select which layers are modified (freeze the rest)

I have a question about the procedure for fine-tuning a pre-trained object detection model with GluonCV, described in this tutorial. As far as I understand, the described procedure modifies all the weight values in the model. I wanted to only…
Carlo
  • 1,321
  • 12
  • 37
0
votes
1 answer

Error in converting mxnet to symbol model

I use convolution instead of the shuffle operation in net class ShuffleChannel(HybridBlock): def __init__(self, groups): super(ShuffleChannel, self).__init__() self.groups = groups def hybrid_forward(self, F, x): #…
Yuan Chu
  • 33
  • 1
  • 6
0
votes
1 answer

How to use the func like torch.nn.functional.conv2d() in mxnet?

I want to do some convolution calculation with input data and a kernel. In torch, I can write a func: import torch def torch_conv_func(x, num_groups): batch_size, num_channels, height, width = x.size() conv_kernel = torch.ones(num_channels,…
Yuan Chu
  • 33
  • 1
  • 6
0
votes
1 answer

HybridSequential.hybridize() returning None

I built a network like this way net = nn.HybridSequential() # Add a sequence of layers. net.add( nn.Conv2D(channels=64, kernel_size=2, strides=2, groups=1, activation='relu'), #1 nn.BatchNorm(), …
Tianling Lv
  • 121
  • 1
  • 4
0
votes
1 answer

GPU support for AWS Semantic Segmentation

I have trained a model using AWS supplied semantic segmentation algorithm inside a notebook. Feeding images of size 512x512 to this network trained on images of the same size takes approximately 10 seconds. Feeding an image of size 1024x512 takes…
0
votes
1 answer

In knowledge distillation, how to run the student and the teacher models in parallel?

I am implementing fast DNN model training using knowledge distillation, as illustrated in the figure below, to run the teacher and student models in parallel. I checked some popular repos like NervanaSystems/distiller and…