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

where is the cpp-package in mxnet 1.6?

I tried to compile lates mxnet from git but there is no cpp-package as in before in 1.5 ? How can I use c++ api in latest mxnet. ? I compiled as n described and tis not produced op.h
Prometheus
  • 105
  • 1
  • 2
  • 8
0
votes
0 answers

Why does MXNet build from source fail due to unsupported gpu architecture?

I am trying to build MXNet from source, on CentOS 7.2, with C++ language binding and GPU support. The build process includes two consecutive commands: cmake -DUSE_CUDA=1 -DUSE_CUDNN=0 -DUSE_NCCL=0 -DUSE_OPENCV=0 -DUSE_MKLDNN=1 -DUSE_CPP_PACKAGE=1…
0
votes
1 answer

GluonCV inference with finetuned model - “Please make sure source and target networks have the same prefix” error

I used GluonCV to finetune an object detection model in order to recognize some custom classes, mostly following the related tutorial. I tried using both “ssd_512_resnet50_v1_coco” and “ssd_512_mobilenet1.0_coco” as base models, and the training…
Carlo
  • 1,321
  • 12
  • 37
0
votes
1 answer

Is there a way to un-hybridize a MXNet network?

The MXNet deep learning framework offers HybridBlocks, which allow you to mix imperative programming (for debugging) and symbolic programming (for faster training). I have a network that I hybridized and ran, and would like to then "un-hybridize"…
Jacob Stern
  • 3,758
  • 3
  • 32
  • 54
0
votes
1 answer

GluonCV ImportError: cannot import name 'is_np_array'

I'm trying to set up a GluonCV in a jupyter notebook in a virtual environment. For some reason whenever I try to import GluonCV I get this error: ImportError Traceback (most recent call…
TheJeran
  • 152
  • 1
  • 9
0
votes
1 answer

mxnet core dumps when trying a simple program

mxnet 1.6.0 core dumps when I try the following program from mxnet import np, autograd x = np.arange(4.0) x.attach_grad() print(x.grad) with autograd.record(): y = 2 * np.dot(x, x) print("y = ", y) y.backward() print("x.grad ", x.grad) mxnet…
0
votes
0 answers

How can I use dict in @ag.args decorator?

Original example code is: @ag.args( lr=ag.space.Real(1e-3, 1e-2, log=True), wd=ag.space.Real(1e-3, 1e-2), epochs=10) def train_fn(args, reporter): print('lr: {}, wd: {}'.format(args.lr, args.wd)) for e in range(args.epochs): …
0
votes
0 answers

mxnet to pytorch model

I am trying to convert an mxnet Pre-trained model: https://www.dropbox.com/s/akxeqp99jvsd6z7/model-MobileFaceNet-arcface-ms1m-refine-v1.zip?dl=0 I am trying to convert a pretrained model from mxnet to pytorch, but it always seems to fail. So, first…
JohnJ
  • 6,736
  • 13
  • 49
  • 82
0
votes
1 answer

how to load multiple trained weights in gluoncv?

I have trained the resnet50_v1b_voc for two different objects and created the params file from the training. While the params files are working absolutely fine when I am doing prediction by loading only one throughout but getting issue in results if…
Nikhil Parmar
  • 876
  • 2
  • 11
  • 27
0
votes
2 answers

How to read and display an image from a .rec file

I am using im2rec.py tool to first generate lst files and then to generate .rec and .idx files as following: BASE_DIR = './' IMAGES_DIR = os.path.join(BASE_DIR,'IMAGES') DATASET_DIR = os.path.join(BASE_DIR,'Dataset') TRAIN_RATIO =…
0
votes
1 answer

mxnet.base.MXNetError: Shape inconsistent, Provided = [32,4], inferred shape=[32,1]

I Have a very basic MLP net: def create_gluon_model(num_features, num_classes): # Create Model in Gluon net = nn.HybridSequential() net.add(nn.Dense(num_features, activation="relu")) net.add(nn.Dense(1000, activation="relu")) …
cyber_tooth
  • 133
  • 2
  • 9
0
votes
1 answer

Hybridize mxnet.np.concatenate

I’m trying to adapt the GoogLeNet/InceptionV1 implementation in the online book d2l.ai to be compatible with hybridization. However, I’m currently facing issues with mx.np.concatenate. Here’s a full minimal example with the network…
Austin
  • 6,921
  • 12
  • 73
  • 138
0
votes
0 answers

Jupyter Notebooks MXNet import "RuntimeError: Cannot find the MXNet library."

I tried to import MXNet package in a Jupyter notebook and got an error which i could not fix after trying a lot of solutions. Bottom of the stack trace looks like this: What could be the cause of the issue here? I have Python 3.8 on PATH, MXNet…
Dennis Kozevnikoff
  • 2,078
  • 3
  • 19
  • 29
0
votes
2 answers

Practice assignment AWS Computer Vision : get_Cifar10_dataset

I have problem with this methode which should return both the training and the validation dataset and examine it to return the index that corresponds to the first occurrence of each class in CIFAR10. this is code: def get_cifar10_dataset(): """…
Aymen
  • 1
  • 1
0
votes
1 answer

How to find memory leak in Python MXNet?

I am afraid that my Neural Network in MXNet, written in Python, has a memory leak. I have tried the MXNet profiler and the tracemalloc module to get an understanding of memory profiling, but I want to get information on any potential memory leaks,…
gsamaras
  • 71,951
  • 46
  • 188
  • 305