Giter VIP home page Giter VIP logo

tf-coreml's Introduction

Build Status PyPI Release Python Versions

Convert from Tensorflow to CoreML

coremltools (Recommended approach)

For converting TensorFlow models to CoreML format, the recommended approach is to use TensorFlow converter available through new unified conversion API, introduced incoremltools 4.0 python package. Please read the coremltools documentation on Tensorflow conversion for example usage.

To install coremltools package, please follow these instructions in the coremltools documentation.

tfcoreml

tfcoreml package is no longer maintained.

Conversion API tfcoreml.convert should only be used if all of the following conditions are met:

  1. Primary deployment target is iOS 12 or earlier.
  2. Source model is a TensorFlow 1 graph_def object serialized as frozen protobuf format (".pb")

To install tfcoreml, please run:

pip install --upgrade tfcoreml

Please read this usage section which illustrates how to convert models using tfcoreml.

For access to new features, bug fixes, community support and requests, please use coremltools github repository.

License

Apache License 2.0

tf-coreml's People

Contributors

1duo avatar anyashka avatar arjunkhare avatar aseemw avatar bhushan23 avatar brettkoonce avatar bryant1410 avatar dawerg avatar drush-apple avatar frozengene avatar jakesabathia2 avatar miaout17 avatar mstronach avatar okapple avatar patricksnape avatar pokidyshev avatar queequeg92 avatar seancook avatar slin07 avatar srikris avatar tf-coreml avatar tienpdinh avatar tobyroseman avatar vladimiroster avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

tf-coreml's Issues

Shapes not found for 506 tensors, is a bug?

Hi, I have walk through inception_v3 example, and have got a good result from the converted coreml model.

But I meet a question: 'Shapes not found for 506 tensors' when I convert inception_v3 model to coreml model.

Is this a bug?

Unsupported Ops of type: PlaceholderWithDefault

Hello

I am having this error message:

dyld: warning, LC_RPATH $ORIGIN/../../_solib_darwin_x86_64/_U_S_Stensorflow_Spython_C_Upywrap_Utensorflow_Uinternal.so___Utensorflow in /Library/Python/2.7/site-packages/tensorflow/python/_pywrap_tensorflow_internal.so being ignored in restricted program because it is a relative path 2018-01-04 19:47:30.977648: I tensorflow/core/platform/cpu_feature_guard.cc:137] Your CPU supports instructions that this TensorFlow binary was not compiled to use: SSE4.2 AVX Traceback (most recent call last): File "co.py", line 15, in <module> image_scale = 2.0/255.0) File "/Library/Python/2.7/site-packages/tfcoreml/_tf_coreml_converter.py", line 478, in convert predicted_probabilities_output=predicted_probabilities_output) File "/Library/Python/2.7/site-packages/tfcoreml/_tf_coreml_converter.py", line 143, in _convert_pb_to_mlmodel _check_unsupported_ops(OPS, output_feature_names) File "/Library/Python/2.7/site-packages/tfcoreml/_tf_coreml_converter.py", line 111, in _check_unsupported_ops ','.join(unsupported_op_types))) NotImplementedError: Unsupported Ops of type: PlaceholderWithDefault

When i am trying to convert a tensorflow model i trained with tensorflow for poets to a CoreML model. I am using this as python code:

`import tfcoreml as tf_converter

tf_model_path = "retrained_graph.pb"
mlmodel_path = "mobilenet_v1_1.0_224.mlmodel"

mlmodel = tf_converter.convert(
tf_model_path = tf_model_path,
mlmodel_path = mlmodel_path,
output_feature_names = ["MobilenetV1/Predictions/Softmax:0"],
input_name_shape_dict = {"input:0":[1,224,224,3]},
image_input_names = ["input:0"],
red_bias = -1,
green_bias = -1,
blue_bias = -1,
image_scale = 2.0/255.0)
`

Machine: mac OS Sierra

Hope you can help me.

Greetings Sieuwe

Label not taken in account

After converting from tensorflow to coreml file I found that tensorflow labels are not take in account. While running model on xcode for iOS app, code returns because VNClassificationObservation not found.

Do we have some special method to handle it unlike provide models on developers.apple.com?

best regards,
Kishwar

SSD Object Detection Mappings?

Can anyone explain what the mappings are of the two tensors which are produced from the output of the ssd_mobilenet_v1_android_export model which the example converts to a .mlmodel file?

When I look at this example:
https://github.com/tensorflow/models/blob/master/research/object_detection/object_detection_tutorial.ipynb

Which uses:
ssd_mobilenet_v1_coco_2017_11_17

You can see the code does this:

(boxes, scores, classes, num) = sess.run(
    [detection_boxes, detection_scores, detection_classes, num_detections],
    feed_dict={image_tensor: image_np_expanded}
)

print(boxes.shape)
print(boxes)

(1, 100, 4)
[  3.90840471e-02   1.92150325e-02   8.72103453e-01   3.15773487e-01]
[  1.09515011e-01   4.02835608e-01   9.24646080e-01   9.73047853e-01]
[  5.07123828e-01   3.85651529e-01   8.76479626e-01   7.03940928e-01]

Looks good!

So I assume what we have here is the first 100 boxes with 4 dimensions each.

I traced the values and code and did this:

box_coords = ymin, xmin, ymax, xmax
(left, right, top, bottom) = (xmin, xmax, ymin, ymax)
e.g.
(0.10951501131057739, 0.4028356075286865, 0.9246460795402527, 0.9730478525161743)
left: 0.4028356075286865
right: 0.9730478525161743
top: 0.10951501131057739
bottom: 0.9246460795402527

These are % of the entire image so multiplied by the input size of 300 and you should get the original pixel locations.

This all makes sense.

However, I need the model in CoreML so I followed this guide:
https://github.com/tf-coreml/tf-coreml/blob/master/examples/ssd_example.ipynb

Which uses: ssd_mobilenet_v1_android_export
I assume from the README that its the same model:
https://github.com/tensorflow/models/tree/master/research/object_detection

August 11, 2017
We have released an update to the Android Detect demo which will now run models trained using the Tensorflow Object Detection API on an Android device. By default, it currently runs a frozen SSD w/Mobilenet detector trained on COCO, but we encourage you to try out other detection models!

Obviously its slightly different but to what degree I don't know. Can someone clarify?

Now, after the export process I load it into Xcode and when I run the model, I get this kind of output from the tensor.

boxes in concat__0 e.g. concat:0

concat:0 are the bounding-box encodings of the 1917 anchor boxes

Why are there negative values in the bounding box coords?
[ 0.35306236, -0.48976013, -2.5883727 , -4.0799093 ]
[ 0.8760979 , 1.1190459 , -2.6803727 , -1.5514386 ]
[ 1.3935553 , 0.85614955, -0.92042184, -2.7950268 ]

Also can anyone explain what the 1917 are? There are 91 categories in COCO but why 1917 anchor boxes?

I even looked at the android example and its not much easier to understand:

Even better would be an explanation of the CoreML files output tensors?
It would be great to have the end of the file map the output in python to show what they are.

Perhaps draw the box and show the category label just like the object_detection_tutorial.ipynb that would be great! :)

I am completely lost with this so any help would be greatly appreciated!

fail to convert stylize model

I have tried to convert the stylize model given in the README.md. Because the input_shape is unknown, I do not specify the keyword input_name_shape_dict. The following code raises an exception.

import tfcoreml
tfcoreml.convert(tf_model_path="stylize_quantized.pb", mlmodel_path="stylize.mlmodel", output_feature_names=["output"])

AssertionError                            Traceback (most recent call last)
<ipython-input-23-147bf52650a0> in <module>()
----> 1 tfcoreml.convert(tf_model_path="/home/long/stylize_quantized.pb", mlmodel_path="stylize.mlmodel", output_feature_names=["output"])

/home/long/anaconda3/envs/fractal_frosties/lib/python2.7/site-packages/tfcoreml/_tf_coreml_converter.pyc in convert(tf_model_path, mlmodel_path, output_feature_names, input_name_shape_dict, image_input_names, is_bgr, red_bias, green_bias, blue_bias, gray_bias, image_scale, class_labels, predicted_feature_name, predicted_probabilities_output)
    476       class_labels=class_labels,
    477       predicted_feature_name=predicted_feature_name,
--> 478       predicted_probabilities_output=predicted_probabilities_output)

/home/long/anaconda3/envs/fractal_frosties/lib/python2.7/site-packages/tfcoreml/_tf_coreml_converter.pyc in _convert_pb_to_mlmodel(tf_model_path, mlmodel_path, output_feature_names, input_name_shape_dict, image_input_names, is_bgr, red_bias, green_bias, blue_bias, gray_bias, image_scale, class_labels, predicted_feature_name, predicted_probabilities_output)
    172       if not (shape.is_fully_defined() or input_name in input_name_shape_dict):
    173         assert False, (
--> 174             "%s is a placehoder with incomplete shape %s" %(input_name, str(shape)))
    175       if shape.is_fully_defined():
    176         shape = shape.as_list()

AssertionError: input:0 is a placehoder with incomplete shape <unknown>

is this related to #45 ? although, I don't even get to the prediction phase.

Error out early if TF graph not supported

Check the list of ops in the graph, error out even before converting, if an op is not supported. Along with the message that the user can try using the Graph transform tool to simplify the graph and try the converter again.

tensorflow to coreml max() arg is an empty sequence

Hi All,

I am beginner to neural networks and I just started to learn tensorflow from tutorials, and while converting the .pb model to mlmodel , I m getting the following error:

/anaconda2/lib/python2.7/site-packages/coremltools/models/_feature_management.py", line 295, in process_or_validate_features
num_dimensions = 1 + max(chain(*[il for k, il in features.items()]))
ValueError: max() arg is an empty sequence.

This is the code I am following to convert:

import tfcoreml as tf_converter
tf_converter.convert(tf_model_path = 'image.pb',
mlmodel_path = 'myFirstImageModel.mlmodel',
output_feature_names = ['Softmax_2:0'])

Can you guys please help me out here.

Thanks

Error making the wheel

On lastest master:
Running:
python setup.py bdist_wheel
I get the following error:
Traceback (most recent call last):
File "setup.py", line 14, in
with open(path.join(path.abspath(path.dirname(file)), 'README.md'), encoding='utf-8') as f:
TypeError: 'encoding' is an invalid keyword argument for this function

@slin07 @miaout17 are you also getting this error?

Output feature cannot be a placeholder

Hi there,

I'm running the following script and receive an "output feature cannot be a placeholder error" (tfcoreml/_tf_coreml_converter.py line 175)

error:

Traceback (most recent call last):
File "converttest2.py", line 6, in
image_input_names = ['input:0'])
File "/Users/tgwagner/fresh/tf-coreml/tfcoreml/_tf_coreml_converter.py", line 483, in convert
predicted_probabilities_output=predicted_probabilities_output)
File "/Users/tgwagner/fresh/tf-coreml/tfcoreml/_tf_coreml_converter.py", line 175, in _convert_pb_to_mlmodel
('Output feature cannot be a placeholder')
AssertionError: Output feature cannot be a placeholder

Script is:

import tfcoreml as tf_converter
tf_converter.convert(tf_model_path = '/users/fresh/darkflow/built_graph/tiny-yolo-NFPA.pb',
                     mlmodel_path = 'my_model.mlmodel',
                     output_feature_names = ['output:0'],
                     input_name_shape_dict = {'input:0':[1, 416, 416, 3]},
                     image_input_names = ['input:0'])

I summarized my model using summarize_graph (from tensorflow tools) with the following output:

=/users/tgwagner/fresh/darkflow/built_graph/tiny-yolo-NFPA.pb
Found 1 possible inputs: (name=input, type=float(1), shape=[?,416,416,3])
No variables spotted.
Found 1 possible outputs: (name=output, op=Identity)
Found 15770590 (15.77M) const parameters, 0 (0) variable parameters, and 0 control_edges
Op types used: 59 Const, 16 Mul, 9 Conv2D, 9 BiasAdd, 9 Pad, 8 Sub, 8 Maximum, 8 RealDiv, 6 MaxPool, 1 Placeholder, 1 Identity, 1 NoOp

what am I missing? This is a model derived from tiny_yolo_voc.cfg

Thanks

KeyError: u'classLabel' setting class_labels

Hi,

I follow tensorflow for poets sample. I want to create core ml with 2 outputs, classLabel and classLabelProbs. First step is to add in param my class label

import tfcoreml as tf_converter
tf_converter.convert(tf_model_path = 'tf_files/optimized_graph.pb',
mlmodel_path = 'tf_files/my_model.mlmodel',
output_feature_names = ['final_result:0'],
input_name_shape_dict = {'input:0':[1,224,224,3]},
image_input_names = ['input:0'],
red_bias = -1,
green_bias = -1,
blue_bias = -1,
image_scale = 2.0/255.0,
class_labels = 'tf_files/retrained_labels.txt')

But add got this issue:
420/420: Converting op name: final_result ( type: Softmax )
Traceback (most recent call last):
File "tfcoremlconverter.py", line 12, in
class_labels = 'tf_files/retrained_labels.txt')
File "/host/Desktop/workspace/tf-coreml/tfcoreml/_tf_coreml_converter.py", line 478, in convert
predicted_probabilities_output=predicted_probabilities_output)
File "/host/Desktop/workspace/tf-coreml/tfcoreml/_tf_coreml_converter.py", line 354, in _convert_pb_to_mlmodel
optimize_nn_spec(builder=builder)
File "/host/Desktop/workspace/tf-coreml/tfcoreml/optimizations/_optimize_nn_spec.py", line 47, in optimize_nn_spec
_optimize_disconnected_components(builder)
File "/host/Desktop/workspace/tf-coreml/tfcoreml/optimizations/_optimize_nn_spec.py", line 37, in _optimize_disconnected_components
_optimize._remove_disconnected_components(builder)
File "/host/Desktop/workspace/tf-coreml/tfcoreml/optimizations/_optimize.py", line 355, in _remove_disconnected_components
start_ids.append(blob_src[out.name])
KeyError: u'classLabel'

AssertionError: Weight input has to be an identity op

I ran a MobilenetV1 model through tf-coreml, and got the following error:

AssertionError: Weight input has to be an identity op

Here's the op printed out:

140/209: Converting op name: MobilenetV1/MobilenetV1/Conv2d_5_pointwise/BatchNorm/batchnorm/mul_1 ( type:  Conv2D )
name: "MobilenetV1/Conv2d_5_pointwise/weights/read/_52__cf__52"
op: "Dequantize"
input: "MobilenetV1/Conv2d_5_pointwise/weights/read/_52__cf__52_quantized_const"
input: "MobilenetV1/Conv2d_5_pointwise/weights/read/_52__cf__52_quantized_min"
input: "MobilenetV1/Conv2d_5_pointwise/weights/read/_52__cf__52_quantized_max"
attr {
  key: "T"
  value {
    type: DT_QUINT8
  }
}
attr {
  key: "mode"
  value {
    s: "MIN_FIRST"
  }
}

Traceback (most recent call last):
  File "tf2coreml.py", line 7, in <module>
    class_labels = '/tmp/output_labels.txt')
  File "/Users/andypang/code/tf-coreml/tfcoreml/_tf_coreml_converter.py", line 477, in convert
    predicted_probabilities_output=predicted_probabilities_output)
  File "/Users/andypang/code/tf-coreml/tfcoreml/_tf_coreml_converter.py", line 275, in _convert_pb_to_mlmodel
    convert_ops_to_layers(context)
  File "/Users/andypang/code/tf-coreml/tfcoreml/_ops_to_layers.py", line 142, in convert_ops_to_layers
    translator(op, context)
  File "/Users/andypang/code/tf-coreml/tfcoreml/_layers.py", line 130, in conv2d
    'Weight input has to be an identity op')
AssertionError: Weight input has to be an identity op

The last layer of the model was retrained with my own images, following the image retraining tutorial from tensorflow: https://www.tensorflow.org/tutorials/image_retraining using the architecture option "mobilenet_1.0_224_quantized".

First thought is I should avoid Dequantized by dropping the quantized option out of the model.

Build fails on unsupported Ops

I am trying to use your converter to make my .pb model into a .mlmodel

In my convertor.py I have the following
import tfcoreml as tf_converter tf_converter.convert(tf_model_path = 'retrained_graph.pb', mlmodel_path = 'mymodel.mlmodel', output_feature_names = ['final_result:0'])

When trying to build this, I get the following error:

File "convertor.py", line 4, in
output_feature_names = ['final_result:0'])
File "/Users/xxxx/Documents/NewTry/retrainedversion/tf-coreml/tfcoreml/_tf_coreml_converter.py", line 477, in convert
predicted_probabilities_output=predicted_probabilities_output)
File "/Users/xxxx/Documents/NewTry/retrainedversion/tf-coreml/tfcoreml/_tf_coreml_converter.py", line 143, in _convert_pb_to_mlmodel
_check_unsupported_ops(OPS, output_feature_names)
File "/Users/xxxx/Documents/NewTry/retrainedversion/tf-coreml/tfcoreml/_tf_coreml_converter.py", line 111, in _check_unsupported_ops
','.join(unsupported_op_types)))
NotImplementedError: Unsupported Ops of type: DecodeJpeg

I feel like it's an issue in your code. I've followed numerous tutorials on this (including: https://hackernoon.com/integrating-tensorflow-model-in-an-ios-app-cecf30b9068d) and it still fails.

ValueError: max() arg is an empty sequence - when converting Inception model

tf_to_coreml raises an error when trying to convert Inception Model
released by Google in 2015.

Notice that the model file is different from the one in the other bug.

The Python code:

tf_converter.convert(
    tf_model_path='models/inception-2015-12-05/classify_image_graph_def.pb',
    mlmodel_path='Inception2015.mlmodel',
    output_feature_names=['softmax:0'],
    image_input_names=['Mul:0'],
    red_bias=-0.5,
    green_bias=-0.5,
    blue_bias=-0.5,
    image_scale=1.0 / 255.0,
    )

The error message is:

Traceback (most recent call last):
  File "tf_coreml.py", line 18, in <module>
    image_scale=1.0 / 255.0,
  File "/tf_to_coreml/local/lib/python2.7/site-packages/tfcoreml/_tf_coreml_converter.py", line 363, in convert
    predicted_probabilities_output = predicted_probabilities_output)              
  File "/tf_to_coreml/local/lib/python2.7/site-packages/tfcoreml/_tf_coreml_converter.py", line 231, in _convert_pb_to_mlmodel
    builder = NeuralNetworkBuilder(input_features, output_features, mode=mode) 
  File "/tf_to_coreml/local/lib/python2.7/site-packages/coremltools/models/neural_network.py", line 140, in __init__
    out_features_with_shape)
  File "/tf_to_coreml/local/lib/python2.7/site-packages/coremltools/models/_interface_management.py", line 137, in set_transform_interface_params
    input_features = _fm.process_or_validate_features(input_features)
  File "/tf_to_coreml/local/lib/python2.7/site-packages/coremltools/models/_feature_management.py", line 295, in process_or_validate_features
    num_dimensions = 1 + max(chain(*[il for k, il in features.items()]))
ValueError: max() arg is an empty sequence

CoreML graph optimization

Add an optimization that removes disconnected sub-graphs which are not involved in the computation of the output node. An example: "test_flatten" Keras nosetest. the graph in that nosetest has a disconnected component which should be removed after this optimization.

Proper handling of 1D pooling and Conv layers

Currently the handling of 1D conv and pooling layers is not very robust. As of now, either "test_conv1d_avepool" and "test_conv1d_avepool" tests in test_tf_converter.py pass or "test_max_pooling_1d" in test_tf_keras_layers.py, not all.

Two nosetests failing in test_tf_converter.TFSlimTest

'test_slim_conv_bn'
'test_slim_conv_bn_no_beta'
Both of these tests are failing on my machine with the same error:
File "/Users/aseem/Documents/code/tf-coreml/tfcoreml/_layers.py", line 88, in batchnorm
op.inputs[idx].op.inputs[0].name)] for idx in range(1,5)]
File "/Users/aseem/Aseem_env/env/lib/python2.7/site-packages/tensorflow/python/framework/ops.py", line 1865, in getitem
return self._op._inputs[i]
IndexError: list index out of range

@slin07 This seems related to PR #41. Did you also see these errors in your test run?

weight in frozen .pb file from tensorflow seem are not converted to .mlmodel

my environment:

OS: Ubuntu 16
Python: 2.7.12
Package:
coremltools (0.7)
numpy (1.13.3)
protobuf (3.5.0.post1)
six (1.10.0)
tensorflow-gpu (1.2.0)
tfcoreml (0.1.0)

here is part of my net structure:

def My_CustomLayer(net, train=True, layer_id = ''):
    batch, rows, cols, channels = [i.value for i in net.get_shape()]
    var_shape = [channels]
    mu, sigma_sq = tf.nn.moments(net, [1,2], keep_dims=True)
    shift = tf.Variable(tf.zeros(var_shape), name = 'norm_shift_' + layer_id)
    scale = tf.Variable(tf.ones(var_shape), name = 'norm_scale_' + layer_id)
    epsilon = 1e-3
    normalized = (net-mu)* tf.rsqrt(sigma_sq + epsilon)
    return scale * normalized + shift

Shift and scale are trainable variable in tensorflow and .pb work perfectly when I predict.
The converting from .pb to .mlmodel do not show any error.

But when I use .mlmodel to predict, it will return totally wrong result.

once I remove shift and scale it will work fine when I use .mlmodel.
(but I need shift and scale to improve my net accuracy and training speed.....)

It seem the weight of shift and scale are not converted to .mlmodel.

any suggestion? Thanks~~~

Converting mobile SSD fails

This mobile SSD model can't be converted:
[https://storage.googleapis.com/download.tensorflow.org/models/object_detection/ssd_mobilenet_v1_android_export.zip]
In this mobile SSD there's a map operation and a while loop in preprocessing step, making it a loop. CoreML does not have support to realize map/while loop related ops.
See test_mobile_ssd in tests/test_pretrained_models.py in branch dev/ssd-test.

Remove Nose

Instead use pytest and add a description in the readme on how to install and use it.

Invalid method name when generating Objective C code for ML model

I'm unsure if it's a XCode bug or a converter problem.

I used to test tf-coreml with Swift and it worked well.
I tried to test it with Objective C, but it doesn't work when input/output name contains '/'.

For example, the output name is MobilenetV1/Predictions/Reshape in the mobilenet model we're using.
The generated Objective C become:

- (instancetype)initWithMobilenetV1/Predictions/Reshape_1__0:(MLMultiArray *)MobilenetV1_Predictions_Reshape_1__0;

Tried this with XCode 9.0 and 9.2 beta, and got the same result.

PlaceholderWithDefault support viable/possible?

Hi

I have fine tuned some graphs using supported architectures (Mobilenet v1, 1.0 224) with Tensorflow 1.5 (from source), and have split my resulting graph into a main inference engine and a few various fine tuned classifiers via the graph transform tool, and am able to successfully run my networks in TF Lite / and the C++ API.

However, i'd love to run them in Core ML.

Upon attempting to run the a basic conversion routine tf_converter.convert - and am getting

NotImplementedError: Unsupported Ops of type: PlaceholderWithDefault

I imagine this could be resolved with an implementation, but is there a workaround with the transform graph tool to convert a PlaceholderWithDefault node to a regular Placeholder node which is reported as supported.

Thank you.

Python fatal while using inception_v3 example

Hi,

Updated Mac from 10.12.6 to 10.13.2.
examples/inception_v3.ipynb stoped working and crashing on fatal (information below).
On previous version (10.12.6) it did not crash.
I tried to reinstall the tf-coreml package (from source) with no luck.
Ran it from both jupyter notebook and as a standalone python script, both are crashing.

The crash is in the convert process, the conversion finishes and creates the file (MLcore model) and then crashes.

Any ideas?

The crash info:

`Process: Python [1908]
Path: /Library/Frameworks/Python.framework/Versions/2.7/Resources/Python.app/Contents/MacOS/Python
Identifier: Python
Version: 2.7.14 (2.7.14)
Code Type: X86-64 (Native)
Parent Process: bash [921]
Responsible: Python [1908]
User ID: 501

Date/Time: 2018-01-01 21:56:01.782 +0200
OS Version: Mac OS X 10.13.2 (17C88)
Report Version: 12
Bridge OS Version: 3.0 (14Y618b)
Anonymous UUID: 319AA880-5FD9-6B6C-9A7C-A4E9F601D912

Time Awake Since Boot: 3400 seconds

System Integrity Protection: enabled

Crashed Thread: 0 Dispatch queue: com.apple.main-thread

Exception Type: EXC_CRASH (SIGABRT)
Exception Codes: 0x0000000000000000, 0x0000000000000000
Exception Note: EXC_CORPSE_NOTIFY

Application Specific Information:
abort() called

Thread 0 Crashed:: Dispatch queue: com.apple.main-thread
0 libsystem_kernel.dylib 0x00007fff74920e3e _pthread_kill + 10
1 libsystem_pthread.dylib 0x00007fff74a5f150 pthread_kill + 333
2 libsystem_c.dylib 0x00007fff7487d312 abort + 127
3 org.python.python 0x00007fff57534dae Py_FatalError + 49
4 org.python.python 0x00007fff57534287 PyThreadState_Get + 28
5 org.python.python 0x00007fff57531372 Py_InitModule4_64 + 58
6 libcoremlpython.so 0x000000016f12b4c2 pybind11::module::module(char const*, char const*) + 130
7 libcoremlpython.so 0x000000016f12ae95 pybind11::module::module(char const*, char const*) + 37
8 libcoremlpython.so 0x000000016f12ad4f pybind11_init() + 31
9 libcoremlpython.so 0x000000016f1293db pybind11_init_wrapper() + 171
10 libcoremlpython.so 0x000000016f12931d initlibcoremlpython + 13
11 org.python.python 0x00000001000e42f1 PyImport_LoadDynamicModule + 177
12 org.python.python 0x00000001000e274b import_submodule + 315
13 org.python.python 0x00000001000e2c0a load_next + 234
14 org.python.python 0x00000001000e2f03 PyImport_ImportModuleLevel + 339
15 org.python.python 0x00000001000bcdd3 builtin___import
+ 131
16 org.python.python 0x000000010000c2e2 PyObject_Call + 98
17 org.python.python 0x00000001000be027 PyEval_CallObjectWithKeywords + 87
18 org.python.python 0x00000001000c5681 PyEval_EvalFrameEx + 25457
19 org.python.python 0x00000001000c8fe2 PyEval_EvalFrameEx + 40146
20 org.python.python 0x00000001000cac23 PyEval_EvalCodeEx + 2115
21 org.python.python 0x000000010003e7a0 function_call + 176
22 org.python.python 0x000000010000c2e2 PyObject_Call + 98
23 org.python.python 0x000000010001ec3d instancemethod_call + 365
24 org.python.python 0x000000010000c2e2 PyObject_Call + 98
25 org.python.python 0x000000010007a228 slot_tp_init + 88
26 org.python.python 0x0000000100076ba5 type_call + 245
27 org.python.python 0x000000010000c2e2 PyObject_Call + 98
28 org.python.python 0x00000001000c30b1 PyEval_EvalFrameEx + 15777
29 org.python.python 0x00000001000cac23 PyEval_EvalCodeEx + 2115
30 org.python.python 0x00000001000c8f1f PyEval_EvalFrameEx + 39951
31 org.python.python 0x00000001000cac23 PyEval_EvalCodeEx + 2115
32 org.python.python 0x00000001000c8f1f PyEval_EvalFrameEx + 39951
33 org.python.python 0x00000001000cac23 PyEval_EvalCodeEx + 2115
34 org.python.python 0x00000001000cad46 PyEval_EvalCode + 54
35 org.python.python 0x00000001000efcbe PyRun_FileExFlags + 174
36 org.python.python 0x00000001000eff5a PyRun_SimpleFileExFlags + 458
37 org.python.python 0x00000001001071dd Py_Main + 3101
38 org.python.python 0x0000000100000f14 0x100000000 + 3860

Thread 1:
0 libsystem_kernel.dylib 0x00007fff74920cee __psynch_cvwait + 10
1 libsystem_pthread.dylib 0x00007fff74a5d662 _pthread_cond_wait + 732
2 libc++.1.dylib 0x00007fff72806cb0 std::__1::condition_variable::wait(std::__1::unique_lockstd::__1::mutex&) + 18
3 libtensorflow_framework.so 0x000000010ab07976 Eigen::EventCount::CommitWait(Eigen::EventCount::Waiter*) + 278
4 libtensorflow_framework.so 0x000000010ab0768c Eigen::NonBlockingThreadPoolTempltensorflow::thread::EigenEnvironment::WaitForWork(Eigen::EventCount::Waiter*, tensorflow::thread::EigenEnvironment::Task*) + 876
5 libtensorflow_framework.so 0x000000010ab07239 Eigen::NonBlockingThreadPoolTempltensorflow::thread::EigenEnvironment::WorkerLoop(int) + 1849
6 libtensorflow_framework.so 0x000000010ab069f4 std::__1::__function::__func<tensorflow::thread::EigenEnvironment::CreateThread(std::__1::function<void ()>)::'lambda'(), std::__1::allocator<tensorflow::thread::EigenEnvironment::CreateThread(std::__1::function<void ()>)::'lambda'()>, void ()>::operator()() + 52
7 libtensorflow_framework.so 0x000000010ab29000 void* std::__1::__thread_proxy<std::__1::tuple<std::__1::function<void ()> > >(void*) + 96
8 libsystem_pthread.dylib 0x00007fff74a5c6c1 _pthread_body + 340
9 libsystem_pthread.dylib 0x00007fff74a5c56d _pthread_start + 377
10 libsystem_pthread.dylib 0x00007fff74a5bc5d thread_start + 13

Thread 2:
0 libsystem_kernel.dylib 0x00007fff74920cee __psynch_cvwait + 10
1 libsystem_pthread.dylib 0x00007fff74a5d662 _pthread_cond_wait + 732
2 libc++.1.dylib 0x00007fff72806cb0 std::__1::condition_variable::wait(std::__1::unique_lockstd::__1::mutex&) + 18
3 libtensorflow_framework.so 0x000000010ab07976 Eigen::EventCount::CommitWait(Eigen::EventCount::Waiter*) + 278
4 libtensorflow_framework.so 0x000000010ab0768c Eigen::NonBlockingThreadPoolTempltensorflow::thread::EigenEnvironment::WaitForWork(Eigen::EventCount::Waiter*, tensorflow::thread::EigenEnvironment::Task*) + 876
5 libtensorflow_framework.so 0x000000010ab07239 Eigen::NonBlockingThreadPoolTempltensorflow::thread::EigenEnvironment::WorkerLoop(int) + 1849
6 libtensorflow_framework.so 0x000000010ab069f4 std::__1::__function::__func<tensorflow::thread::EigenEnvironment::CreateThread(std::__1::function<void ()>)::'lambda'(), std::__1::allocator<tensorflow::thread::EigenEnvironment::CreateThread(std::__1::function<void ()>)::'lambda'()>, void ()>::operator()() + 52
7 libtensorflow_framework.so 0x000000010ab29000 void* std::__1::__thread_proxy<std::__1::tuple<std::__1::function<void ()> > >(void*) + 96
8 libsystem_pthread.dylib 0x00007fff74a5c6c1 _pthread_body + 340
9 libsystem_pthread.dylib 0x00007fff74a5c56d _pthread_start + 377
10 libsystem_pthread.dylib 0x00007fff74a5bc5d thread_start + 13

Thread 3:
0 libsystem_kernel.dylib 0x00007fff74920cee __psynch_cvwait + 10
1 libsystem_pthread.dylib 0x00007fff74a5d662 _pthread_cond_wait + 732
2 libc++.1.dylib 0x00007fff72806cb0 std::__1::condition_variable::wait(std::__1::unique_lockstd::__1::mutex&) + 18
3 libtensorflow_framework.so 0x000000010ab07976 Eigen::EventCount::CommitWait(Eigen::EventCount::Waiter*) + 278
4 libtensorflow_framework.so 0x000000010ab0768c Eigen::NonBlockingThreadPoolTempltensorflow::thread::EigenEnvironment::WaitForWork(Eigen::EventCount::Waiter*, tensorflow::thread::EigenEnvironment::Task*) + 876
5 libtensorflow_framework.so 0x000000010ab07239 Eigen::NonBlockingThreadPoolTempltensorflow::thread::EigenEnvironment::WorkerLoop(int) + 1849
6 libtensorflow_framework.so 0x000000010ab069f4 std::__1::__function::__func<tensorflow::thread::EigenEnvironment::CreateThread(std::__1::function<void ()>)::'lambda'(), std::__1::allocator<tensorflow::thread::EigenEnvironment::CreateThread(std::__1::function<void ()>)::'lambda'()>, void ()>::operator()() + 52
7 libtensorflow_framework.so 0x000000010ab29000 void* std::__1::__thread_proxy<std::__1::tuple<std::__1::function<void ()> > >(void*) + 96
8 libsystem_pthread.dylib 0x00007fff74a5c6c1 _pthread_body + 340
9 libsystem_pthread.dylib 0x00007fff74a5c56d _pthread_start + 377
10 libsystem_pthread.dylib 0x00007fff74a5bc5d thread_start + 13

Thread 4:
0 libsystem_kernel.dylib 0x00007fff74920cee __psynch_cvwait + 10
1 libsystem_pthread.dylib 0x00007fff74a5d662 _pthread_cond_wait + 732
2 libc++.1.dylib 0x00007fff72806cb0 std::__1::condition_variable::wait(std::__1::unique_lockstd::__1::mutex&) + 18
3 libtensorflow_framework.so 0x000000010ab07976 Eigen::EventCount::CommitWait(Eigen::EventCount::Waiter*) + 278
4 libtensorflow_framework.so 0x000000010ab0768c Eigen::NonBlockingThreadPoolTempltensorflow::thread::EigenEnvironment::WaitForWork(Eigen::EventCount::Waiter*, tensorflow::thread::EigenEnvironment::Task*) + 876
5 libtensorflow_framework.so 0x000000010ab07239 Eigen::NonBlockingThreadPoolTempltensorflow::thread::EigenEnvironment::WorkerLoop(int) + 1849
6 libtensorflow_framework.so 0x000000010ab069f4 std::__1::__function::__func<tensorflow::thread::EigenEnvironment::CreateThread(std::__1::function<void ()>)::'lambda'(), std::__1::allocator<tensorflow::thread::EigenEnvironment::CreateThread(std::__1::function<void ()>)::'lambda'()>, void ()>::operator()() + 52
7 libtensorflow_framework.so 0x000000010ab29000 void* std::__1::__thread_proxy<std::__1::tuple<std::__1::function<void ()> > >(void*) + 96
8 libsystem_pthread.dylib 0x00007fff74a5c6c1 _pthread_body + 340
9 libsystem_pthread.dylib 0x00007fff74a5c56d _pthread_start + 377
10 libsystem_pthread.dylib 0x00007fff74a5bc5d thread_start + 13

Thread 5:
0 libsystem_kernel.dylib 0x00007fff74920cee __psynch_cvwait + 10
1 libsystem_pthread.dylib 0x00007fff74a5d662 _pthread_cond_wait + 732
2 libc++.1.dylib 0x00007fff72806cb0 std::__1::condition_variable::wait(std::__1::unique_lockstd::__1::mutex&) + 18
3 libtensorflow_framework.so 0x000000010ab07976 Eigen::EventCount::CommitWait(Eigen::EventCount::Waiter*) + 278
4 libtensorflow_framework.so 0x000000010ab0768c Eigen::NonBlockingThreadPoolTempltensorflow::thread::EigenEnvironment::WaitForWork(Eigen::EventCount::Waiter*, tensorflow::thread::EigenEnvironment::Task*) + 876
5 libtensorflow_framework.so 0x000000010ab07239 Eigen::NonBlockingThreadPoolTempltensorflow::thread::EigenEnvironment::WorkerLoop(int) + 1849
6 libtensorflow_framework.so 0x000000010ab069f4 std::__1::__function::__func<tensorflow::thread::EigenEnvironment::CreateThread(std::__1::function<void ()>)::'lambda'(), std::__1::allocator<tensorflow::thread::EigenEnvironment::CreateThread(std::__1::function<void ()>)::'lambda'()>, void ()>::operator()() + 52
7 libtensorflow_framework.so 0x000000010ab29000 void* std::__1::__thread_proxy<std::__1::tuple<std::__1::function<void ()> > >(void*) + 96
8 libsystem_pthread.dylib 0x00007fff74a5c6c1 _pthread_body + 340
9 libsystem_pthread.dylib 0x00007fff74a5c56d _pthread_start + 377
10 libsystem_pthread.dylib 0x00007fff74a5bc5d thread_start + 13

Thread 6:
0 libsystem_kernel.dylib 0x00007fff74920cee __psynch_cvwait + 10
1 libsystem_pthread.dylib 0x00007fff74a5d662 _pthread_cond_wait + 732
2 libc++.1.dylib 0x00007fff72806cb0 std::__1::condition_variable::wait(std::__1::unique_lockstd::__1::mutex&) + 18
3 libtensorflow_framework.so 0x000000010ab07976 Eigen::EventCount::CommitWait(Eigen::EventCount::Waiter*) + 278
4 libtensorflow_framework.so 0x000000010ab0768c Eigen::NonBlockingThreadPoolTempltensorflow::thread::EigenEnvironment::WaitForWork(Eigen::EventCount::Waiter*, tensorflow::thread::EigenEnvironment::Task*) + 876
5 libtensorflow_framework.so 0x000000010ab07239 Eigen::NonBlockingThreadPoolTempltensorflow::thread::EigenEnvironment::WorkerLoop(int) + 1849
6 libtensorflow_framework.so 0x000000010ab069f4 std::__1::__function::__func<tensorflow::thread::EigenEnvironment::CreateThread(std::__1::function<void ()>)::'lambda'(), std::__1::allocator<tensorflow::thread::EigenEnvironment::CreateThread(std::__1::function<void ()>)::'lambda'()>, void ()>::operator()() + 52
7 libtensorflow_framework.so 0x000000010ab29000 void* std::__1::__thread_proxy<std::__1::tuple<std::__1::function<void ()> > >(void*) + 96
8 libsystem_pthread.dylib 0x00007fff74a5c6c1 _pthread_body + 340
9 libsystem_pthread.dylib 0x00007fff74a5c56d _pthread_start + 377
10 libsystem_pthread.dylib 0x00007fff74a5bc5d thread_start + 13

Thread 7:
0 libsystem_kernel.dylib 0x00007fff74920cee __psynch_cvwait + 10
1 libsystem_pthread.dylib 0x00007fff74a5d662 _pthread_cond_wait + 732
2 libc++.1.dylib 0x00007fff72806cb0 std::__1::condition_variable::wait(std::__1::unique_lockstd::__1::mutex&) + 18
3 libtensorflow_framework.so 0x000000010ab07976 Eigen::EventCount::CommitWait(Eigen::EventCount::Waiter*) + 278
4 libtensorflow_framework.so 0x000000010ab0768c Eigen::NonBlockingThreadPoolTempltensorflow::thread::EigenEnvironment::WaitForWork(Eigen::EventCount::Waiter*, tensorflow::thread::EigenEnvironment::Task*) + 876
5 libtensorflow_framework.so 0x000000010ab07239 Eigen::NonBlockingThreadPoolTempltensorflow::thread::EigenEnvironment::WorkerLoop(int) + 1849
6 libtensorflow_framework.so 0x000000010ab069f4 std::__1::__function::__func<tensorflow::thread::EigenEnvironment::CreateThread(std::__1::function<void ()>)::'lambda'(), std::__1::allocator<tensorflow::thread::EigenEnvironment::CreateThread(std::__1::function<void ()>)::'lambda'()>, void ()>::operator()() + 52
7 libtensorflow_framework.so 0x000000010ab29000 void* std::__1::__thread_proxy<std::__1::tuple<std::__1::function<void ()> > >(void*) + 96
8 libsystem_pthread.dylib 0x00007fff74a5c6c1 _pthread_body + 340
9 libsystem_pthread.dylib 0x00007fff74a5c56d _pthread_start + 377
10 libsystem_pthread.dylib 0x00007fff74a5bc5d thread_start + 13

Thread 8:
0 libsystem_kernel.dylib 0x00007fff74920cee __psynch_cvwait + 10
1 libsystem_pthread.dylib 0x00007fff74a5d662 _pthread_cond_wait + 732
2 libc++.1.dylib 0x00007fff72806cb0 std::__1::condition_variable::wait(std::__1::unique_lockstd::__1::mutex&) + 18
3 libtensorflow_framework.so 0x000000010ab07976 Eigen::EventCount::CommitWait(Eigen::EventCount::Waiter*) + 278
4 libtensorflow_framework.so 0x000000010ab0768c Eigen::NonBlockingThreadPoolTempltensorflow::thread::EigenEnvironment::WaitForWork(Eigen::EventCount::Waiter*, tensorflow::thread::EigenEnvironment::Task*) + 876
5 libtensorflow_framework.so 0x000000010ab07239 Eigen::NonBlockingThreadPoolTempltensorflow::thread::EigenEnvironment::WorkerLoop(int) + 1849
6 libtensorflow_framework.so 0x000000010ab069f4 std::__1::__function::__func<tensorflow::thread::EigenEnvironment::CreateThread(std::__1::function<void ()>)::'lambda'(), std::__1::allocator<tensorflow::thread::EigenEnvironment::CreateThread(std::__1::function<void ()>)::'lambda'()>, void ()>::operator()() + 52
7 libtensorflow_framework.so 0x000000010ab29000 void* std::__1::__thread_proxy<std::__1::tuple<std::__1::function<void ()> > >(void*) + 96
8 libsystem_pthread.dylib 0x00007fff74a5c6c1 _pthread_body + 340
9 libsystem_pthread.dylib 0x00007fff74a5c56d _pthread_start + 377
10 libsystem_pthread.dylib 0x00007fff74a5bc5d thread_start + 13

Thread 9:
0 libsystem_kernel.dylib 0x00007fff74920cee __psynch_cvwait + 10
1 libsystem_pthread.dylib 0x00007fff74a5d662 _pthread_cond_wait + 732
2 libc++.1.dylib 0x00007fff72806cb0 std::__1::condition_variable::wait(std::__1::unique_lockstd::__1::mutex&) + 18
3 libtensorflow_framework.so 0x000000010ab07976 Eigen::EventCount::CommitWait(Eigen::EventCount::Waiter*) + 278
4 libtensorflow_framework.so 0x000000010ab0768c Eigen::NonBlockingThreadPoolTempltensorflow::thread::EigenEnvironment::WaitForWork(Eigen::EventCount::Waiter*, tensorflow::thread::EigenEnvironment::Task*) + 876
5 libtensorflow_framework.so 0x000000010ab07239 Eigen::NonBlockingThreadPoolTempltensorflow::thread::EigenEnvironment::WorkerLoop(int) + 1849
6 libtensorflow_framework.so 0x000000010ab069f4 std::__1::__function::__func<tensorflow::thread::EigenEnvironment::CreateThread(std::__1::function<void ()>)::'lambda'(), std::__1::allocator<tensorflow::thread::EigenEnvironment::CreateThread(std::__1::function<void ()>)::'lambda'()>, void ()>::operator()() + 52
7 libtensorflow_framework.so 0x000000010ab29000 void* std::__1::__thread_proxy<std::__1::tuple<std::__1::function<void ()> > >(void*) + 96
8 libsystem_pthread.dylib 0x00007fff74a5c6c1 _pthread_body + 340
9 libsystem_pthread.dylib 0x00007fff74a5c56d _pthread_start + 377
10 libsystem_pthread.dylib 0x00007fff74a5bc5d thread_start + 13

Thread 10:
0 libsystem_kernel.dylib 0x00007fff74920cee __psynch_cvwait + 10
1 libsystem_pthread.dylib 0x00007fff74a5d662 _pthread_cond_wait + 732
2 libc++.1.dylib 0x00007fff72806cb0 std::__1::condition_variable::wait(std::__1::unique_lockstd::__1::mutex&) + 18
3 libtensorflow_framework.so 0x000000010ab07976 Eigen::EventCount::CommitWait(Eigen::EventCount::Waiter*) + 278
4 libtensorflow_framework.so 0x000000010ab0768c Eigen::NonBlockingThreadPoolTempltensorflow::thread::EigenEnvironment::WaitForWork(Eigen::EventCount::Waiter*, tensorflow::thread::EigenEnvironment::Task*) + 876
5 libtensorflow_framework.so 0x000000010ab07239 Eigen::NonBlockingThreadPoolTempltensorflow::thread::EigenEnvironment::WorkerLoop(int) + 1849
6 libtensorflow_framework.so 0x000000010ab069f4 std::__1::__function::__func<tensorflow::thread::EigenEnvironment::CreateThread(std::__1::function<void ()>)::'lambda'(), std::__1::allocator<tensorflow::thread::EigenEnvironment::CreateThread(std::__1::function<void ()>)::'lambda'()>, void ()>::operator()() + 52
7 libtensorflow_framework.so 0x000000010ab29000 void* std::__1::__thread_proxy<std::__1::tuple<std::__1::function<void ()> > >(void*) + 96
8 libsystem_pthread.dylib 0x00007fff74a5c6c1 _pthread_body + 340
9 libsystem_pthread.dylib 0x00007fff74a5c56d _pthread_start + 377
10 libsystem_pthread.dylib 0x00007fff74a5bc5d thread_start + 13

Thread 11:
0 libsystem_kernel.dylib 0x00007fff74920cee __psynch_cvwait + 10
1 libsystem_pthread.dylib 0x00007fff74a5d662 _pthread_cond_wait + 732
2 libc++.1.dylib 0x00007fff72806cb0 std::__1::condition_variable::wait(std::__1::unique_lockstd::__1::mutex&) + 18
3 libtensorflow_framework.so 0x000000010ab07976 Eigen::EventCount::CommitWait(Eigen::EventCount::Waiter*) + 278
4 libtensorflow_framework.so 0x000000010ab0768c Eigen::NonBlockingThreadPoolTempltensorflow::thread::EigenEnvironment::WaitForWork(Eigen::EventCount::Waiter*, tensorflow::thread::EigenEnvironment::Task*) + 876
5 libtensorflow_framework.so 0x000000010ab07239 Eigen::NonBlockingThreadPoolTempltensorflow::thread::EigenEnvironment::WorkerLoop(int) + 1849
6 libtensorflow_framework.so 0x000000010ab069f4 std::__1::__function::__func<tensorflow::thread::EigenEnvironment::CreateThread(std::__1::function<void ()>)::'lambda'(), std::__1::allocator<tensorflow::thread::EigenEnvironment::CreateThread(std::__1::function<void ()>)::'lambda'()>, void ()>::operator()() + 52
7 libtensorflow_framework.so 0x000000010ab29000 void* std::__1::__thread_proxy<std::__1::tuple<std::__1::function<void ()> > >(void*) + 96
8 libsystem_pthread.dylib 0x00007fff74a5c6c1 _pthread_body + 340
9 libsystem_pthread.dylib 0x00007fff74a5c56d _pthread_start + 377
10 libsystem_pthread.dylib 0x00007fff74a5bc5d thread_start + 13

Thread 12:
0 libsystem_kernel.dylib 0x00007fff74920cee __psynch_cvwait + 10
1 libsystem_pthread.dylib 0x00007fff74a5d662 _pthread_cond_wait + 732
2 libc++.1.dylib 0x00007fff72806cb0 std::__1::condition_variable::wait(std::__1::unique_lockstd::__1::mutex&) + 18
3 libtensorflow_framework.so 0x000000010ab07976 Eigen::EventCount::CommitWait(Eigen::EventCount::Waiter*) + 278
4 libtensorflow_framework.so 0x000000010ab0768c Eigen::NonBlockingThreadPoolTempltensorflow::thread::EigenEnvironment::WaitForWork(Eigen::EventCount::Waiter*, tensorflow::thread::EigenEnvironment::Task*) + 876
5 libtensorflow_framework.so 0x000000010ab07239 Eigen::NonBlockingThreadPoolTempltensorflow::thread::EigenEnvironment::WorkerLoop(int) + 1849
6 libtensorflow_framework.so 0x000000010ab069f4 std::__1::__function::__func<tensorflow::thread::EigenEnvironment::CreateThread(std::__1::function<void ()>)::'lambda'(), std::__1::allocator<tensorflow::thread::EigenEnvironment::CreateThread(std::__1::function<void ()>)::'lambda'()>, void ()>::operator()() + 52
7 libtensorflow_framework.so 0x000000010ab29000 void* std::__1::__thread_proxy<std::__1::tuple<std::__1::function<void ()> > >(void*) + 96
8 libsystem_pthread.dylib 0x00007fff74a5c6c1 _pthread_body + 340
9 libsystem_pthread.dylib 0x00007fff74a5c56d _pthread_start + 377
10 libsystem_pthread.dylib 0x00007fff74a5bc5d thread_start + 13

Thread 13:
0 libsystem_kernel.dylib 0x00007fff74920cee __psynch_cvwait + 10
1 libsystem_pthread.dylib 0x00007fff74a5d662 _pthread_cond_wait + 732
2 libc++.1.dylib 0x00007fff72806cb0 std::__1::condition_variable::wait(std::__1::unique_lockstd::__1::mutex&) + 18
3 libtensorflow_framework.so 0x000000010ab07976 Eigen::EventCount::CommitWait(Eigen::EventCount::Waiter*) + 278
4 libtensorflow_framework.so 0x000000010ab0768c Eigen::NonBlockingThreadPoolTempltensorflow::thread::EigenEnvironment::WaitForWork(Eigen::EventCount::Waiter*, tensorflow::thread::EigenEnvironment::Task*) + 876
5 libtensorflow_framework.so 0x000000010ab07239 Eigen::NonBlockingThreadPoolTempltensorflow::thread::EigenEnvironment::WorkerLoop(int) + 1849
6 libtensorflow_framework.so 0x000000010ab069f4 std::__1::__function::__func<tensorflow::thread::EigenEnvironment::CreateThread(std::__1::function<void ()>)::'lambda'(), std::__1::allocator<tensorflow::thread::EigenEnvironment::CreateThread(std::__1::function<void ()>)::'lambda'()>, void ()>::operator()() + 52
7 libtensorflow_framework.so 0x000000010ab29000 void* std::__1::__thread_proxy<std::__1::tuple<std::__1::function<void ()> > >(void*) + 96
8 libsystem_pthread.dylib 0x00007fff74a5c6c1 _pthread_body + 340
9 libsystem_pthread.dylib 0x00007fff74a5c56d _pthread_start + 377
10 libsystem_pthread.dylib 0x00007fff74a5bc5d thread_start + 13

Thread 14:
0 libsystem_kernel.dylib 0x00007fff74920cee __psynch_cvwait + 10
1 libsystem_pthread.dylib 0x00007fff74a5d662 _pthread_cond_wait + 732
2 libc++.1.dylib 0x00007fff72806cb0 std::__1::condition_variable::wait(std::__1::unique_lockstd::__1::mutex&) + 18
3 libtensorflow_framework.so 0x000000010ab07976 Eigen::EventCount::CommitWait(Eigen::EventCount::Waiter*) + 278
4 libtensorflow_framework.so 0x000000010ab0768c Eigen::NonBlockingThreadPoolTempltensorflow::thread::EigenEnvironment::WaitForWork(Eigen::EventCount::Waiter*, tensorflow::thread::EigenEnvironment::Task*) + 876
5 libtensorflow_framework.so 0x000000010ab07239 Eigen::NonBlockingThreadPoolTempltensorflow::thread::EigenEnvironment::WorkerLoop(int) + 1849
6 libtensorflow_framework.so 0x000000010ab069f4 std::__1::__function::__func<tensorflow::thread::EigenEnvironment::CreateThread(std::__1::function<void ()>)::'lambda'(), std::__1::allocator<tensorflow::thread::EigenEnvironment::CreateThread(std::__1::function<void ()>)::'lambda'()>, void ()>::operator()() + 52
7 libtensorflow_framework.so 0x000000010ab29000 void* std::__1::__thread_proxy<std::__1::tuple<std::__1::function<void ()> > >(void*) + 96
8 libsystem_pthread.dylib 0x00007fff74a5c6c1 _pthread_body + 340
9 libsystem_pthread.dylib 0x00007fff74a5c56d _pthread_start + 377
10 libsystem_pthread.dylib 0x00007fff74a5bc5d thread_start + 13

Thread 15:
0 libsystem_kernel.dylib 0x00007fff74920cee __psynch_cvwait + 10
1 libsystem_pthread.dylib 0x00007fff74a5d662 _pthread_cond_wait + 732
2 libc++.1.dylib 0x00007fff72806cb0 std::__1::condition_variable::wait(std::__1::unique_lockstd::__1::mutex&) + 18
3 libtensorflow_framework.so 0x000000010ab07976 Eigen::EventCount::CommitWait(Eigen::EventCount::Waiter*) + 278
4 libtensorflow_framework.so 0x000000010ab0768c Eigen::NonBlockingThreadPoolTempltensorflow::thread::EigenEnvironment::WaitForWork(Eigen::EventCount::Waiter*, tensorflow::thread::EigenEnvironment::Task*) + 876
5 libtensorflow_framework.so 0x000000010ab07239 Eigen::NonBlockingThreadPoolTempltensorflow::thread::EigenEnvironment::WorkerLoop(int) + 1849
6 libtensorflow_framework.so 0x000000010ab069f4 std::__1::__function::__func<tensorflow::thread::EigenEnvironment::CreateThread(std::__1::function<void ()>)::'lambda'(), std::__1::allocator<tensorflow::thread::EigenEnvironment::CreateThread(std::__1::function<void ()>)::'lambda'()>, void ()>::operator()() + 52
7 libtensorflow_framework.so 0x000000010ab29000 void* std::__1::__thread_proxy<std::__1::tuple<std::__1::function<void ()> > >(void*) + 96
8 libsystem_pthread.dylib 0x00007fff74a5c6c1 _pthread_body + 340
9 libsystem_pthread.dylib 0x00007fff74a5c56d _pthread_start + 377
10 libsystem_pthread.dylib 0x00007fff74a5bc5d thread_start + 13

Thread 16:
0 libsystem_kernel.dylib 0x00007fff74920cee __psynch_cvwait + 10
1 libsystem_pthread.dylib 0x00007fff74a5d662 _pthread_cond_wait + 732
2 libc++.1.dylib 0x00007fff72806cb0 std::__1::condition_variable::wait(std::__1::unique_lockstd::__1::mutex&) + 18
3 libtensorflow_framework.so 0x000000010ab07976 Eigen::EventCount::CommitWait(Eigen::EventCount::Waiter*) + 278
4 libtensorflow_framework.so 0x000000010ab0768c Eigen::NonBlockingThreadPoolTempltensorflow::thread::EigenEnvironment::WaitForWork(Eigen::EventCount::Waiter*, tensorflow::thread::EigenEnvironment::Task*) + 876
5 libtensorflow_framework.so 0x000000010ab07239 Eigen::NonBlockingThreadPoolTempltensorflow::thread::EigenEnvironment::WorkerLoop(int) + 1849
6 libtensorflow_framework.so 0x000000010ab069f4 std::__1::__function::__func<tensorflow::thread::EigenEnvironment::CreateThread(std::__1::function<void ()>)::'lambda'(), std::__1::allocator<tensorflow::thread::EigenEnvironment::CreateThread(std::__1::function<void ()>)::'lambda'()>, void ()>::operator()() + 52
7 libtensorflow_framework.so 0x000000010ab29000 void* std::__1::__thread_proxy<std::__1::tuple<std::__1::function<void ()> > >(void*) + 96
8 libsystem_pthread.dylib 0x00007fff74a5c6c1 _pthread_body + 340
9 libsystem_pthread.dylib 0x00007fff74a5c56d _pthread_start + 377
10 libsystem_pthread.dylib 0x00007fff74a5bc5d thread_start + 13

Thread 0 crashed with X86 Thread State (64-bit):
rax: 0x0000000000000000 rbx: 0x00007fffad8ea340 rcx: 0x00007ffeefbfdd88 rdx: 0x0000000000000000
rdi: 0x0000000000000307 rsi: 0x0000000000000006 rbp: 0x00007ffeefbfddc0 rsp: 0x00007ffeefbfdd88
r8: 0x00007fffad8ca048 r9: 0x0000000000000040 r10: 0x0000000000000000 r11: 0x0000000000000206
r12: 0x0000000000000307 r13: 0x000000016f1990d4 r14: 0x0000000000000006 r15: 0x000000000000002d
rip: 0x00007fff74920e3e rfl: 0x0000000000000206 cr2: 0x00007fffad8c8148

Logical CPU: 0
Error Code: 0x02000148
Trap Number: 133

Binary Images:
0x100000000 - 0x100000fff +org.python.python (2.7.14 - 2.7.14) <8CF7CBB1-703E-8440-50B1-D43447878A8C> /Library/Frameworks/Python.framework/Versions/2.7/Resources/Python.app/Contents/MacOS/Python
0x100003000 - 0x100177fef +org.python.python (2.7.14, [c] 2001-2017 Python Software Foundation. - 2.7.14) <9C9DBD38-3383-9A36-8A8F-16BEFAF13618> /Library/Frameworks/Python.framework/Versions/2.7/Python
0x1002f0000 - 0x1002f2ff7 +_locale.so (???) <4C5039CA-75AE-3398-3D0B-19FE503C38DD> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/_locale.so
0x1002f6000 - 0x1002f9ff7 +strop.so (???) <21A1EC70-52CE-0EF1-BE8B-C43F0F1E17D8> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/strop.so
0x1007f0000 - 0x1007f1ff7 +_functools.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/_functools.so
0x1007f5000 - 0x1007f6fff +cStringIO.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/cStringIO.so
0x1007fb000 - 0x1007fcfff +_heapq.so (???) <37E9026B-174D-1B5E-6B0A-9BE4B989DB82> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/_heapq.so
0x101980000 - 0x101989ff7 +_socket.so (???) <7B930255-D5B2-E57F-9FC5-5650EB158719> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/_socket.so
0x101995000 - 0x1019a1fff +_ssl.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/_ssl.so
0x1019ed000 - 0x1019efff7 +time.so (???) <4C7862A2-3F89-A8DB-43FF-5AAD6C80C7CD> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/time.so
0x1019f4000 - 0x1019f8ff7 +_struct.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/_struct.so
0x1019ff000 - 0x101a02fef +binascii.so (???) <1B5E5DAE-BC01-8C4B-F786-6554D3888618> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/binascii.so
0x101a06000 - 0x101a0afff +_collections.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/_collections.so
0x101a10000 - 0x101a14fff +operator.so (???) <8EE8DD8B-A423-1D76-617F-F96C51293EB9> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/operator.so
0x101a1b000 - 0x101a22ff7 +itertools.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/itertools.so
0x101a6d000 - 0x101a6dfff +_scproxy.so (???) <3176F4ED-C55F-0166-B006-98DBA190B51B> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/_scproxy.so
0x101ac0000 - 0x101ac3fff +zlib.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/zlib.so
0x101ac8000 - 0x101acdff7 +bz2.so (???) <05116152-DE92-F9B8-2152-FCB78F5DFBCB> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/bz2.so
0x101ad3000 - 0x101ad3fff +grp.so (???) <60FDB1AA-1509-5949-9375-1EE85246E13C> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/grp.so
0x101ad6000 - 0x101aebff7 +_io.so (???) <58441F46-D585-0B58-DD5B-667A1638579E> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/_io.so
0x101bc3000 - 0x101bc8fe7 +math.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/math.so
0x101c0f000 - 0x101da1ff7 +multiarray.so (???) <07D33E31-389B-3B87-A9CA-9A2B84D749F0> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/numpy/core/multiarray.so
0x101e62000 - 0x101e70ff7 +datetime.so (???) <36AD43F2-731D-C850-E23C-911990F35119> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/datetime.so
0x101e7c000 - 0x101f68ff7 +umath.so (???) <319BB8E9-787B-3CC0-A810-375FB9243BDA> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/numpy/core/umath.so
0x101fe9000 - 0x101febff7 +_hashlib.so (???) <154E40CE-8BD9-7439-63CD-8A1B285B318D> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/_hashlib.so
0x101fef000 - 0x101ff0fff +_random.so (???) <4BE15084-312E-C724-67CD-A3485333CEE6> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/_random.so
0x101ff3000 - 0x101ff4ff7 +fcntl.so (???) <5788D6DB-3285-113F-EEF3-B385479C4CB2> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/fcntl.so
0x101ff7000 - 0x101ff8ff7 +lapack_lite.so (???) <4E883FFF-DFBB-399A-A66D-191E6806022C> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/numpy/linalg/lapack_lite.so
0x101ffc000 - 0x101ffcfff +future_builtins.so (???) <52D73316-B8E9-7B51-86A3-8F45208A0BDC> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/future_builtins.so
0x103800000 - 0x103816fff +_ctypes.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/_ctypes.so
0x103867000 - 0x103877ff7 +cPickle.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/cPickle.so
0x1039bf000 - 0x1039d7ff7 +_umath_linalg.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/numpy/linalg/_umath_linalg.so
0x103a65000 - 0x103a6eff7 +fftpack_lite.so (???) <6D4E3DF5-0C94-31F2-87E2-CC8BD564780F> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/numpy/fft/fftpack_lite.so
0x103ab2000 - 0x103b67fff +mtrand.so (???) <2EADD19E-4DCE-3AA3-B0B3-432EE45E4448> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/numpy/random/mtrand.so
0x103ca8000 - 0x1068bf8cf +_pywrap_tensorflow_internal.so (0) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/tensorflow/python/_pywrap_tensorflow_internal.so
0x10a9bf000 - 0x10b037ff7 +libtensorflow_framework.so (0) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/tensorflow/libtensorflow_framework.so
0x10b4da000 - 0x10b4e9fff +fast_tensor_util.so (0) <010A78BA-D12A-301E-AEFD-E242B0D49A45> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/tensorflow/python/framework/fast_tensor_util.so
0x10b4f1000 - 0x10b4f1ff7 +_move.so (???) <61758314-65B5-3258-A004-2B5FCF22516C> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/pandas/util/_move.so
0x10b4f5000 - 0x10b4fbfff +_json.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/_json.so
0x10b940000 - 0x10b943fff +select.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/select.so
0x10b949000 - 0x10b94cfff +_multiprocessing.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/_multiprocessing.so
0x10b951000 - 0x10b957ff7 +array.so (???) <55FCB3BF-0183-BAF4-AEA8-01867A0FF607> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/array.so
0x10b95f000 - 0x10b95ffff +_bisect.so (???) <85C84EEA-1384-25CA-4F7A-2DD0B0D1F323> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/_bisect.so
0x10b962000 - 0x10b968fff +_errors.so (???) <6B10F248-F213-310A-8E41-2A096F5D6709> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/h5py/_errors.so
0x10b96f000 - 0x10b970ffb +libsz.2.dylib (0) <0C87363B-5B28-3FDC-A3EA-A57345C1720A> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/h5py/.dylibs/libsz.2.dylib
0x10b973000 - 0x10b975ff7 +h5fd.so (???) <80EB7B09-CDB8-3CBB-B181-43430782545B> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/h5py/h5fd.so
0x10b97b000 - 0x10b9c598f dyld (519.2.2) <6695F30B-4E88-3C0B-9867-7D738C44A3E6> /usr/lib/dyld
0x10bb98000 - 0x10bbcdfe7 +pyexpat.so (???) <87E7D0C3-BBB0-3584-659D-72014A437C3F> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/pyexpat.so
0x10bbdf000 - 0x10bbe5ff7 +libaec.0.dylib (0) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/h5py/.dylibs/libaec.0.dylib
0x10bbe8000 - 0x10bbf3ff7 +_conv.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/h5py/_conv.so
0x10bbfb000 - 0x10bbfcfff +_zeros.so (???) <67B6D956-92D2-348A-BE3A-96853F3DBD8E> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/optimize/_zeros.so
0x10e940000 - 0x10ed3dff3 +libhdf5.10.dylib (0) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/h5py/.dylibs/libhdf5.10.dylib
0x10ed7a000 - 0x10ed97fff +libhdf5_hl.10.dylib (0) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/h5py/.dylibs/libhdf5_hl.10.dylib
0x10eda0000 - 0x10eda9ff7 +h5r.so (???) <1482D57F-F2C8-36CA-9CED-B4705F8486B6> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/h5py/h5r.so
0x10edb2000 - 0x10edc9fff +_objects.so (???) <5C7EE8BB-3CF8-3A9B-BCC5-50C772BA20BF> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/h5py/_objects.so
0x10edd8000 - 0x10ee01ff7 +defs.so (???) <3D3E3B96-FC00-356E-AE07-6DCD98CA5BDE> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/h5py/defs.so
0x10ee19000 - 0x10ee72fff +h5t.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/h5py/h5t.so
0x10ee97000 - 0x10ee9cfff +utils.so (???) <4C73B9E5-4CAA-3057-B8A6-884D8EAF9CF8> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/h5py/utils.so
0x10eea2000 - 0x10eeb2ff7 +h5.so (???) <64DEC038-8215-3610-9E83-6DB1E11B3743> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/h5py/h5.so
0x10eec0000 - 0x10eec5fff +h5z.so (???) <90F63F5B-0F57-36DC-B213-519333ECEE91> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/h5py/h5z.so
0x10eecc000 - 0x10eee6ff7 +h5a.so (???) <33B88F56-7C77-38AA-B241-6DA3352217EE> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/h5py/h5a.so
0x10ef36000 - 0x10ef4bff7 +h5s.so (???) <1C1CECB9-8050-36DB-B2C4-472A0D7CA19A> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/h5py/h5s.so
0x10ef58000 - 0x10ef9efff +h5p.so (???) <6070C27E-8635-3E6D-A9A5-15F50807A710> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/h5py/h5p.so
0x10efc0000 - 0x10efc6fff +h5ac.so (???) <66DDB498-ED7E-3254-BB58-424C44A04697> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/h5py/h5ac.so
0x10efce000 - 0x10efd4ff7 +_proxy.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/h5py/_proxy.so
0x10efda000 - 0x10eff0ff7 +h5d.so (???) <3020C87D-130E-36AA-97F9-3A306834CDF1> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/h5py/h5d.so
0x10effe000 - 0x10f00bfff +h5ds.so (???) <369A0080-61BE-308F-9C47-F803105948B9> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/h5py/h5ds.so
0x10f015000 - 0x10f02bfff +h5f.so (???) <06596F24-9575-369D-ACCF-36D2720ECE3F> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/h5py/h5f.so
0x10f03b000 - 0x10f05aff7 +h5g.so (???) <60DC0405-B1EE-366A-8E42-4FFFC20A9BB3> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/h5py/h5g.so
0x10f06c000 - 0x10f074ff7 +h5i.so (???) <346C6251-8352-318F-908A-BAA8CE0E23E9> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/h5py/h5i.so
0x10f0bc000 - 0x10f0ceff7 +h5o.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/h5py/h5o.so
0x10f0de000 - 0x10f0f0ff7 +h5l.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/h5py/h5l.so
0x10f9ac000 - 0x10f9affff +_csv.so (???) <73BD1107-6D00-BAEC-6946-7F24696371F1> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/_csv.so
0x10f9f5000 - 0x10f9f7ff7 +_scandir.so (???) <1C4C4D4B-FA8D-3394-9F1D-1524652B746E> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/_scandir.so
0x10f9fb000 - 0x10f9fcfff +_posixsubprocess.so (???) <875862B2-8E7E-3AA2-987E-2CF8B06AB3D5> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/_posixsubprocess.so
0x10fc40000 - 0x10fcd4fef +unicodedata.so (???) <7E9EC82A-0C7E-C101-48C1-F4FAD5AB1921> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/unicodedata.so
0x10fceb000 - 0x10fcf7ff7 +_flinalg.so (???) <09733FD6-EE02-35A0-942B-54C7CA5817B7> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/linalg/_flinalg.so
0x110200000 - 0x11024cff7 +_imaging.so (???) <39791857-ACF8-3EEA-A24D-12A1801A9FC8> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/PIL/_imaging.so
0x110271000 - 0x1102c5fff +libjpeg.9.dylib (0) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/PIL/.dylibs/libjpeg.9.dylib
0x1102cd000 - 0x110313ff7 +libopenjp2.2.1.0.dylib (0) <60F449FD-6D0F-365B-8F45-EFE18DB51577> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/PIL/.dylibs/libopenjp2.2.1.0.dylib
0x11031d000 - 0x110339ff7 +libz.1.2.11.dylib (0) <0C5030A7-879E-3231-A1E3-7F2B1B16FAC7> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/PIL/.dylibs/libz.1.2.11.dylib
0x11033d000 - 0x1103ccff7 +libtiff.5.dylib (0) <051D8B4D-723F-39F3-80DD-BCCCFF33C64B> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/PIL/.dylibs/libtiff.5.dylib
0x1103dd000 - 0x11040cff7 +liblzma.5.dylib (0) <83760B15-BF90-32AF-AE18-90C23DB0CA8A> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/PIL/.dylibs/liblzma.5.dylib
0x110453000 - 0x110460fff +_ccallback_c.so (???) <73C2ED03-56E1-3BEE-97CD-3FCA343DA484> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/_lib/_ccallback_c.so
0x1104a9000 - 0x110500fff +_fblas.so (???) <248933DE-3DA3-3E1A-8CDA-49D6A51610FF> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/linalg/_fblas.so
0x110539000 - 0x110650ff7 +libgfortran.3.dylib (0) <9ABE5EDE-AD43-391A-9E54-866711FAC32A> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/.dylibs/libgfortran.3.dylib
0x1106b4000 - 0x1106c9ff7 +libgcc_s.1.dylib (0) <7C6D7CB7-82DB-3290-8181-07646FEA1F80> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/.dylibs/libgcc_s.1.dylib
0x1106d4000 - 0x11070afff +libquadmath.0.dylib (0) <7FFA409F-FB04-3B64-BE9A-3E3A494C975E> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/.dylibs/libquadmath.0.dylib
0x110719000 - 0x1107d0ff7 +_flapack.so (???) <8FF74961-D54D-3B8C-BEF2-3256087A4AEF> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/linalg/_flapack.so
0x11088c000 - 0x1108b9ff7 +_solve_toeplitz.so (???) <18D84E12-D578-3136-8E13-DCF1D042B480> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/linalg/_solve_toeplitz.so
0x1108cf000 - 0x11090aff7 +_decomp_update.so (???) <0678D4B6-A617-3F4B-B880-BE38DD28EC9C> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/linalg/_decomp_update.so
0x11091f000 - 0x11094fff7 +cython_blas.so (???) <4D7AD1CD-C813-3169-B16D-6C889BFD8FDC> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/linalg/cython_blas.so
0x11096c000 - 0x1109e4fff +cython_lapack.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/linalg/cython_lapack.so
0x110a75000 - 0x110a97fff +_nd_image.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/ndimage/_nd_image.so
0x110a9e000 - 0x110c1afcf +_ufuncs.so (???) <53D4F402-83C8-3712-9D1A-829B2DD0CFEA> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/special/_ufuncs.so
0x110c81000 - 0x110c96fff +_ufuncs_cxx.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/special/_ufuncs_cxx.so
0x110ce3000 - 0x110db0fd7 +specfun.so (???) <89D93C9C-9BE0-3C16-9651-AC46C8298741> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/special/specfun.so
0x110dc0000 - 0x110dc3fff +_comb.so (???) <1DA08E4C-6CEC-3194-9EF7-54612610D691> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/special/_comb.so
0x110dc8000 - 0x110dd5fff +_ellip_harm_2.so (???) <211687B5-1613-3338-965B-52F185B6CA28> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/special/_ellip_harm_2.so
0x110dde000 - 0x110df3fef +_odepack.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/integrate/_odepack.so
0x110df7000 - 0x110e0ffdf +_quadpack.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/integrate/_quadpack.so
0x110e54000 - 0x110e8bff7 +vode.so (???) <88EB8B90-FBF3-3B2F-9F46-DE6E90099B1D> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/integrate/vode.so
0x110e92000 - 0x110eaafff +_dop.so (???) <23C325BD-E4E8-3EFE-9906-26C6907ECF8A> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/integrate/_dop.so
0x110eb0000 - 0x110ec7fd7 +lsoda.so (???) <56172694-5E7A-38B9-8209-9709E344D131> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/integrate/lsoda.so
0x110ecd000 - 0x11125aff7 +_sparsetools.so (???) <8C8EDC18-3E49-3DFE-8358-9E60DE2BAF38> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/sparse/_sparsetools.so
0x111379000 - 0x1113ebff7 +_csparsetools.so (???) <983041C5-0426-3734-A6E7-F7B0CA88E47F> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/sparse/_csparsetools.so
0x111449000 - 0x11147aff7 +_iterative.so (???) <55A2A425-6D37-33A4-81D5-A1C2F5461E63> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/sparse/linalg/isolve/_iterative.so
0x11148e000 - 0x1114e1fff +_superlu.so (???) <0CFB4D3D-8055-3B5B-B7A5-D70830E19291> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/sparse/linalg/dsolve/_superlu.so
0x111539000 - 0x1115c0fff +_arpack.so (???) <4A7900AE-6839-3B3C-A5C1-F4547FE7D360> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/sparse/linalg/eigen/arpack/_arpack.so
0x1115d8000 - 0x1115dffff +minpack2.so (???) <7C60F258-6B29-351B-87FF-4C176977B662> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/optimize/minpack2.so
0x111624000 - 0x111662fff +_trlib.so (???) <1AB2CA0D-4D64-30BE-8290-07FA3CFE6F8A> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/optimize/_trlib/_trlib.so
0x11167b000 - 0x111680fff +messagestream.so (???) <4F1BDE1F-57AF-346B-B7E0-5C2524A64AB6> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/_lib/messagestream.so
0x111686000 - 0x1116a2ff7 +_lbfgsb.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/optimize/_lbfgsb.so
0x1116a7000 - 0x1116b2ff7 +moduleTNC.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/optimize/moduleTNC.so
0x1116b5000 - 0x1116d1fff +_cobyla.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/optimize/_cobyla.so
0x1116d6000 - 0x1116f0ff7 +_slsqp.so (???) <8252CDFB-A50E-334D-878D-543396E2C280> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/optimize/_slsqp.so
0x1116f5000 - 0x111712fef +_minpack.so (???) <79EB09FE-160D-3998-8EE6-FAE57D2A727F> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/optimize/_minpack.so
0x111716000 - 0x111738ff7 +_group_columns.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/optimize/_group_columns.so
0x111749000 - 0x111765ff7 +givens_elimination.so (???) <93FFAD26-F2E4-3BFC-A5CD-2E1355DAF7A8> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/optimize/_lsq/givens_elimination.so
0x1117b5000 - 0x1117bdff7 +_nnls.so (???) <60525F90-2F44-3ED3-9037-93198A37D943> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/optimize/_nnls.so
0x111801000 - 0x111835fff +_fitpack.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/interpolate/_fitpack.so
0x111839000 - 0x111896fff +dfitpack.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/interpolate/dfitpack.so
0x1118a3000 - 0x1118daff7 +_bspl.so (???) <3A0BDE27-0FC9-35E9-B316-2861019D2DA1> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/interpolate/_bspl.so
0x1118f3000 - 0x111942fff +_ppoly.so (???) <4380EAD1-D62F-37E8-B7BC-9FE6EAF2E89C> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/interpolate/_ppoly.so
0x11199e000 - 0x1119e3ff7 +interpnd.so (???) <9F547D23-7F32-3B40-B8C4-774919C7A0AF> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/interpolate/interpnd.so
0x1119ff000 - 0x111a8bfff +ckdtree.so (???) <3C381CF6-109E-3554-B48C-2AD25CD5A01B> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/spatial/ckdtree.so
0x111ab2000 - 0x111b8bff7 +qhull.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/spatial/qhull.so
0x111bc4000 - 0x111be5ff7 +_voronoi.so (???) <5942217D-A747-3AC2-9903-628E2A0E72FD> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/spatial/_voronoi.so
0x111bf6000 - 0x111c05ff7 +_distance_wrap.so (???) <974712E5-F2D7-3903-974E-C21D3F363CE1> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/spatial/_distance_wrap.so
0x111c0e000 - 0x111c30ff7 +_hausdorff.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/spatial/_hausdorff.so
0x111c81000 - 0x111cceff7 +_ni_label.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/scipy/ndimage/_ni_label.so
0x111de9000 - 0x111df3fff +timedeltas.so (???) <5348E2DA-F745-3E22-B6C7-E05B4C875110> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/pandas/_libs/tslibs/timedeltas.so
0x111f40000 - 0x111f57fff +timezones.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/pandas/_libs/tslibs/timezones.so
0x111f63000 - 0x111f9dfff +parsing.so (???) <7C9C37ED-06B8-3524-83DB-7E2ECC65B625> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/pandas/_libs/tslibs/parsing.so
0x111fb9000 - 0x111fd5fff +fields.so (???) <3218ECB3-2E65-3D36-8BF4-59F589A0C91D> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/pandas/_libs/tslibs/fields.so
0x111fe3000 - 0x111fe4ff3 +_check_build.so (0) <5A2899BF-E42E-3663-AA6E-03CE670C2605> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/sklearn/__check_build/_check_build.so
0x111feb000 - 0x111ff4ff7 +properties.so (???) <30403D4E-F3EA-38E8-B085-F9FF12D1DF25> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/pandas/_libs/properties.so
0x112800000 - 0x11290cff7 +tslib.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/pandas/_libs/tslib.so
0x1129a4000 - 0x112a23fff +hashtable.so (???) <1554CD34-E92A-36DF-89A5-13902983E681> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/pandas/_libs/hashtable.so
0x112a53000 - 0x112b3afff +lib.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/pandas/_libs/lib.so
0x112b8e000 - 0x112ceeff7 +interval.so (???) <25B22B66-114E-30CE-A867-3B4655185818> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/pandas/_libs/interval.so
0x112dcb000 - 0x112f1bfff +algos.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/pandas/_libs/algos.so
0x112feb000 - 0x112ff7ff7 +hashing.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/pandas/_libs/hashing.so
0x1130bf000 - 0x113124fff +index.so (???) <3237CCB4-CBF1-3BAC-99F3-3D375FFAF877> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/pandas/_libs/index.so
0x113149000 - 0x113337ff7 +join.so (???) <74BA2306-084B-3450-9205-3C2E5C5F5932> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/pandas/_libs/join.so
0x113472000 - 0x1134aaff7 +strptime.so (???) <7086D3B8-DF92-3893-A06E-BBC29FA7B9B4> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/pandas/_libs/tslibs/strptime.so
0x113506000 - 0x113511fff +frequencies.so (???) <5E3B31D7-7715-3BED-8254-57C1C7E9BE8E> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/pandas/_libs/tslibs/frequencies.so
0x11351c000 - 0x11356fff7 +period.so (???) <1119CFEC-FDEB-3969-9E9F-AD05C41F87A8> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/pandas/_libs/period.so
0x113690000 - 0x11375aff7 +sparse.so (???) <75A1A270-A1CD-3491-A6E9-4B7A5245AA13> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/pandas/_libs/sparse.so
0x1137b7000 - 0x1137baff7 +mmap.so (???) <4D7833BC-91E8-3117-A394-C19BBC368B16> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/lib-dynload/mmap.so
0x113bc0000 - 0x113be2ff7 +_path.so (???) <3D7DD119-BBD2-3743-AF4C-6D8ADCB0BF05> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/matplotlib/_path.so
0x113c35000 - 0x113cc2ff7 +window.so (???) <50C1455A-0458-3956-8B3A-F0831407BD3C> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/pandas/_libs/window.so
0x113d6c000 - 0x113e01fff +groupby.so (???) <88E96BBB-9063-3EC9-8509-EB33CC1075DF> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/pandas/_libs/groupby.so
0x113e66000 - 0x113e7cff7 +reshape.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/pandas/_libs/reshape.so
0x113f07000 - 0x113f7cff7 +parsers.so (???) /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/pandas/_libs/parsers.so
0x113fa6000 - 0x113fb7ff7 +json.so (???) <375F19EE-4F19-3F08-A5A6-4AC4B4C7E78D> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/pandas/_libs/json.so
0x1140c1000 - 0x1140cdff7 +_packer.so (???) <8DE4015A-D6EF-33B6-9E35-84972CD6975F> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/pandas/io/msgpack/_packer.so
0x1140d8000 - 0x1140e8fff +_unpacker.so (???) <1B7B5E2B-2138-37F3-B38E-77EB1B9601E9> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/pandas/io/msgpack/_unpacker.so
0x114136000 - 0x114144ff7 +testing.so (???) <888DDE81-B0C9-3060-974C-B4D1E9F4FCF9> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/pandas/_libs/testing.so
0x1143dd000 - 0x1143ecfff +murmurhash.so (0) <4DD4BA9E-B9D6-33F6-A261-DE8D4037998C> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/sklearn/utils/murmurhash.so
0x16f125000 - 0x16f19aff3 +libcoremlpython.so (0) <8D75A547-D8BD-39EF-BBEC-99AE2F81448C> /Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/coremltools/libcoremlpython.so
0x7fff494e5000 - 0x7fff494e5fff com.apple.Accelerate (1.11 - Accelerate 1.11) <5AA750F5-D633-32BA-B7F3-4F651FB1761E> /System/Library/Frameworks/Accelerate.framework/Versions/A/Accelerate
0x7fff494fd000 - 0x7fff499fbfc3 com.apple.vImage (8.1 - ???) <310976EE-E12D-39D7-8F58-6EE924E08576> /System/Library/Frameworks/Accelerate.framework/Versions/A/Frameworks/vImage.framework/Versions/A/vImage
0x7fff499fc000 - 0x7fff49b56fcb libBLAS.dylib (1211.30.1) <0DB0D952-BCF4-3479-BA2F-785FB1A57479> /System/Library/Frameworks/Accelerate.framework/Versions/A/Frameworks/vecLib.framework/Versions/A/libBLAS.dylib
0x7fff49b57000 - 0x7fff49b85fef libBNNS.dylib (37) <49EB4DBA-877C-3D41-90A2-C3D982C72A54> /System/Library/Frameworks/Accelerate.framework/Versions/A/Frameworks/vecLib.framework/Versions/A/libBNNS.dylib
0x7fff49b86000 - 0x7fff49f46ff7 libLAPACK.dylib (1211.30.1) <2D4E4446-6B63-350C-BD68-A1B8FBE99539> /System/Library/Frameworks/Accelerate.framework/Versions/A/Frameworks/vecLib.framework/Versions/A/libLAPACK.dylib
0x7fff49f47000 - 0x7fff49f5cff7 libLinearAlgebra.dylib (1211.30.1) <6C68F41D-1398-3AFE-BE72-C0ECA1B24BDC> /System/Library/Frameworks/Accelerate.framework/Versions/A/Frameworks/vecLib.framework/Versions/A/libLinearAlgebra.dylib
0x7fff49f5d000 - 0x7fff49f62ff3 libQuadrature.dylib (3) <3D6BF66A-55B2-3692-BAC7-DEB0C676ED29> /System/Library/Frameworks/Accelerate.framework/Versions/A/Frameworks/vecLib.framework/Versions/A/libQuadrature.dylib
0x7fff49f63000 - 0x7fff49fc1fff libSparse.dylib (79.1.1) <7AD0F8A8-FD36-36FE-B83D-58648EBD0027> /System/Library/Frameworks/Accelerate.framework/Versions/A/Frameworks/vecLib.framework/Versions/A/libSparse.dylib
0x7fff49fc2000 - 0x7fff49fd5fff libSparseBLAS.dylib (1211.30.1) <42506F6F-0F38-322E-9903-C1DB66E4DA05> /System/Library/Frameworks/Accelerate.framework/Versions/A/Frameworks/vecLib.framework/Versions/A/libSparseBLAS.dylib
0x7fff49fd6000 - 0x7fff4a182fc3 libvDSP.dylib (622.20.8) <6FFCA52B-7D60-326A-ADF2-601F39A8685A> /System/Library/Frameworks/Accelerate.framework/Versions/A/Frameworks/vecLib.framework/Versions/A/libvDSP.dylib
0x7fff4a183000 - 0x7fff4a233fef libvMisc.dylib (622.20.8) <54F90047-879F-3260-8604-6E453149B49E> /System/Library/Frameworks/Accelerate.framework/Versions/A/Frameworks/vecLib.framework/Versions/A/libvMisc.dylib
0x7fff4a234000 - 0x7fff4a234fff com.apple.Accelerate.vecLib (3.11 - vecLib 3.11) <8A96A8ED-7B88-3D17-8D17-41D224E0EC90> /System/Library/Frameworks/Accelerate.framework/Versions/A/Frameworks/vecLib.framework/Versions/A/vecLib
0x7fff4b3d3000 - 0x7fff4b3d3fff com.apple.ApplicationServices (48 - 50) <7627DBD6-497B-3AB7-9B63-F0532EDF09B8> /System/Library/Frameworks/ApplicationServices.framework/Versions/A/ApplicationServices
0x7fff4b3d4000 - 0x7fff4b43afff com.apple.ApplicationServices.ATS (377 - 445) /System/Library/Frameworks/ApplicationServices.framework/Versions/A/Frameworks/ATS.framework/Versions/A/ATS
0x7fff4b4d3000 - 0x7fff4b5f5fff libFontParser.dylib (222.1.2) <11BD5EEF-AF18-33FB-B114-DD611932E822> /System/Library/Frameworks/ApplicationServices.framework/Versions/A/Frameworks/ATS.framework/Versions/A/Resources/libFontParser.dylib
0x7fff4b5f6000 - 0x7fff4b640ff7 libFontRegistry.dylib (221) /System/Library/Frameworks/ApplicationServices.framework/Versions/A/Frameworks/ATS.framework/Versions/A/Resources/libFontRegistry.dylib
0x7fff4b782000 - 0x7fff4b786ff3 com.apple.ColorSyncLegacy (4.13.0 - 1) <42C25E85-1CF3-3DEC-A434-BE69F68F4318> /System/Library/Frameworks/ApplicationServices.framework/Versions/A/Frameworks/ColorSyncLegacy.framework/Versions/A/ColorSyncLegacy
0x7fff4b826000 - 0x7fff4b878ff7 com.apple.HIServices (1.22 - 622) <2E83CD6F-ED98-3C29-BD0A-8525E38AB5DB> /System/Library/Frameworks/ApplicationServices.framework/Versions/A/Frameworks/HIServices.framework/Versions/A/HIServices
0x7fff4b879000 - 0x7fff4b887fff com.apple.LangAnalysis (1.7.0 - 1.7.0) <71A9C815-AC55-3E36-A618-F6778F5119AD> /System/Library/Frameworks/ApplicationServices.framework/Versions/A/Frameworks/LangAnalysis.framework/Versions/A/LangAnalysis
0x7fff4b888000 - 0x7fff4b8d4fff com.apple.print.framework.PrintCore (13 - 503) /System/Library/Frameworks/ApplicationServices.framework/Versions/A/Frameworks/PrintCore.framework/Versions/A/PrintCore
0x7fff4b8d5000 - 0x7fff4b90ffff com.apple.QD (3.12 - 403) <38D8106A-4FFA-3FE9-9999-714CADD7EE9C> /System/Library/Frameworks/ApplicationServices.framework/Versions/A/Frameworks/QD.framework/Versions/A/QD
0x7fff4b910000 - 0x7fff4b91cfff com.apple.speech.synthesis.framework (7.2.1 - 7.2.1) /System/Library/Frameworks/ApplicationServices.framework/Versions/A/Frameworks/SpeechSynthesis.framework/Versions/A/SpeechSynthesis
0x7fff4b91d000 - 0x7fff4bba8ff7 com.apple.audio.toolbox.AudioToolbox (1.14 - 1.14) <71699B6E-8B94-39E2-801F-8467C2B5B621> /System/Library/Frameworks/AudioToolbox.framework/Versions/A/AudioToolbox
0x7fff4bebf000 - 0x7fff4c251fff com.apple.CFNetwork (893.13.1 - 893.13.1) <567231F4-4080-3B2D-8349-9177BD358804> /System/Library/Frameworks/CFNetwork.framework/Versions/A/CFNetwork
0x7fff4c772000 - 0x7fff4c82bff7 com.apple.ColorSync (4.13.0 - 546) /System/Library/Frameworks/ColorSync.framework/Versions/A/ColorSync
0x7fff4c9b8000 - 0x7fff4ca4bff7 com.apple.audio.CoreAudio (4.3.0 - 4.3.0) <4DE794D4-F018-31E8-B3CE-CF8DBE68D14E> /System/Library/Frameworks/CoreAudio.framework/Versions/A/CoreAudio
0x7fff4cadc000 - 0x7fff4ce30fe7 com.apple.CoreData (120 - 849.2) <4407C44B-34CC-3D23-AEDF-AD866D414EBF> /System/Library/Frameworks/CoreData.framework/Versions/A/CoreData
0x7fff4ce31000 - 0x7fff4cefdfff com.apple.CoreDisplay (1.0 - 81.7) /System/Library/Frameworks/CoreDisplay.framework/Versions/A/CoreDisplay
0x7fff4cefe000 - 0x7fff4d39efff com.apple.CoreFoundation (6.9 - 1450.16) <23F8373A-FA3F-37A2-BA5B-70061BFCCD21> /System/Library/Frameworks/CoreFoundation.framework/Versions/A/CoreFoundation
0x7fff4d3a0000 - 0x7fff4d9adfef com.apple.CoreGraphics (2.0 - 1129.5) /System/Library/Frameworks/CoreGraphics.framework/Versions/A/CoreGraphics
0x7fff4d9af000 - 0x7fff4dc9efff com.apple.CoreImage (13.0.0 - 579.2.9) /System/Library/Frameworks/CoreImage.framework/Versions/A/CoreImage
0x7fff4dd53000 - 0x7fff4df2cfff com.apple.CoreML (1.0 - 1) <7F3BDE3E-6A2F-3119-9832-8CC60BE60876> /System/Library/Frameworks/CoreML.framework/Versions/A/CoreML
0x7fff4df2d000 - 0x7fff4e00dff7 com.apple.CoreMedia (1.0 - 2267.40.5) /System/Library/Frameworks/CoreMedia.framework/Versions/A/CoreMedia
0x7fff4e05d000 - 0x7fff4e05dfff com.apple.CoreServices (822.19 - 822.19) <0C60B639-4CC4-3F57-BC5E-DB71EB75F7F4> /System/Library/Frameworks/CoreServices.framework/Versions/A/CoreServices
0x7fff4e05e000 - 0x7fff4e0d2ffb com.apple.AE (735.1 - 735.1) /System/Library/Frameworks/CoreServices.framework/Versions/A/Frameworks/AE.framework/Versions/A/AE
0x7fff4e0d3000 - 0x7fff4e3aaff7 com.apple.CoreServices.CarbonCore (1178.2 - 1178.2) /System/Library/Frameworks/CoreServices.framework/Versions/A/Frameworks/CarbonCore.framework/Versions/A/CarbonCore
0x7fff4e3ab000 - 0x7fff4e3dfff7 com.apple.DictionaryServices (1.2 - 284) <3FCEE280-8DD0-37C9-BFD4-7BA87AAFC8EF> /System/Library/Frameworks/CoreServices.framework/Versions/A/Frameworks/DictionaryServices.framework/Versions/A/DictionaryServices
0x7fff4e3e0000 - 0x7fff4e3e8ff3 com.apple.CoreServices.FSEvents (1239 - 1239) <7BBC5CB7-DBC8-316B-99B0-781827159A2F> /System/Library/Frameworks/CoreServices.framework/Versions/A/Frameworks/FSEvents.framework/Versions/A/FSEvents
0x7fff4e3e9000 - 0x7fff4e5a1ff7 com.apple.LaunchServices (822.19 - 822.19) /System/Library/Frameworks/CoreServices.framework/Versions/A/Frameworks/LaunchServices.framework/Versions/A/LaunchServices
0x7fff4e5a2000 - 0x7fff4e651ff7 com.apple.Metadata (10.7.0 - 1191.2.6) /System/Library/Frameworks/CoreServices.framework/Versions/A/Frameworks/Metadata.framework/Versions/A/Metadata
0x7fff4e652000 - 0x7fff4e6afff7 com.apple.CoreServices.OSServices (822.19 - 822.19) <408FB1A4-58E9-34D4-8022-A9EEC8502762> /System/Library/Frameworks/CoreServices.framework/Versions/A/Frameworks/OSServices.framework/Versions/A/OSServices
0x7fff4e6b0000 - 0x7fff4e71efff com.apple.SearchKit (1.4.0 - 1.4.0) <14053F88-2C76-35CA-9FC1-2A9BC0B63F88> /System/Library/Frameworks/CoreServices.framework/Versions/A/Frameworks/SearchKit.framework/Versions/A/SearchKit
0x7fff4e71f000 - 0x7fff4e743ffb com.apple.coreservices.SharedFileList (71.4 - 71.4) <4AA6DCF5-BAF8-36FA-A8B0-EDF518EFEF14> /System/Library/Frameworks/CoreServices.framework/Versions/A/Frameworks/SharedFileList.framework/Versions/A/SharedFileList
0x7fff4e9ed000 - 0x7fff4eb3bffb com.apple.CoreText (352.0 - 578.12) /System/Library/Frameworks/CoreText.framework/Versions/A/CoreText
0x7fff4eb3c000 - 0x7fff4eb76ff3 com.apple.CoreVideo (1.8 - 279.2) /System/Library/Frameworks/CoreVideo.framework/Versions/A/CoreVideo
0x7fff4ee7c000 - 0x7fff4ee81fff com.apple.DiskArbitration (2.7 - 2.7) <44836CE9-A9ED-3017-972A-7A0A3D6B472B> /System/Library/Frameworks/DiskArbitration.framework/Versions/A/DiskArbitration
0x7fff4f042000 - 0x7fff4f407fff com.apple.Foundation (6.9 - 1450.16) <7FEC6610-70EA-3A8D-8EC4-7E99BAF1E312> /System/Library/Frameworks/Foundation.framework/Versions/C/Foundation
0x7fff4f477000 - 0x7fff4f4a7fff com.apple.GSS (4.0 - 2.0) <3B4B4509-B5A3-396B-9C71-80BAE84476FA> /System/Library/Frameworks/GSS.framework/Versions/A/GSS
0x7fff4f71c000 - 0x7fff4f7b7fff com.apple.framework.IOKit (2.0.2 - 1445.31.1) <7556086A-EFAF-3262-9822-6F666CFC6655> /System/Library/Frameworks/IOKit.framework/Versions/A/IOKit
0x7fff4f7b9000 - 0x7fff4f7c0ffb com.apple.IOSurface (209.2.2 - 209.2.2) <6D35A601-1C47-37BE-AD31-F8EB88F67573> /System/Library/Frameworks/IOSurface.framework/Versions/A/IOSurface
0x7fff4f817000 - 0x7fff4f98eff7 com.apple.ImageIO.framework (3.3.0 - 1713) /System/Library/Frameworks/ImageIO.framework/Versions/A/ImageIO
0x7fff4f98f000 - 0x7fff4f993ffb libGIF.dylib (1713) /System/Library/Frameworks/ImageIO.framework/Versions/A/Resources/libGIF.dylib
0x7fff4f994000 - 0x7fff4fa7bfff libJP2.dylib (1713) <8323253E-278A-3486-801A-83E143C19712> /System/Library/Frameworks/ImageIO.framework/Versions/A/Resources/libJP2.dylib
0x7fff4fa7c000 - 0x7fff4fa9fff7 libJPEG.dylib (1713) <2D846A18-D8AF-3573-803B-BEABCBAC38D1> /System/Library/Frameworks/ImageIO.framework/Versions/A/Resources/libJPEG.dylib
0x7fff4fd7b000 - 0x7fff4fda1feb libPng.dylib (1713) <546F41CE-185C-31A0-B61C-1012AA932624> /System/Library/Frameworks/ImageIO.framework/Versions/A/Resources/libPng.dylib
0x7fff4fda2000 - 0x7fff4fda4ffb libRadiance.dylib (1713) <31787C46-4A2B-3CDF-95E9-EC1BD4794917> /System/Library/Frameworks/ImageIO.framework/Versions/A/Resources/libRadiance.dylib
0x7fff4fda5000 - 0x7fff4fdf2feb libTIFF.dylib (1713) <5319B2E1-83D2-30C7-A7BC-A0CE0B07885D> /System/Library/Frameworks/ImageIO.framework/Versions/A/Resources/libTIFF.dylib
0x7fff50b2c000 - 0x7fff50b45ff7 com.apple.Kerberos (3.0 - 1) /System/Library/Frameworks/Kerberos.framework/Versions/A/Kerberos
0x7fff514c2000 - 0x7fff51541fff com.apple.Metal (124.7 - 124.7) /System/Library/Frameworks/Metal.framework/Versions/A/Metal
0x7fff5155e000 - 0x7fff51573fff com.apple.MetalPerformanceShaders.MPSCore (1.0 - 1) /System/Library/Frameworks/MetalPerformanceShaders.framework/Frameworks/MPSCore.framework/Versions/A/MPSCore
0x7fff51574000 - 0x7fff515dffef com.apple.MetalPerformanceShaders.MPSImage (1.0 - 1) /System/Library/Frameworks/MetalPerformanceShaders.framework/Frameworks/MPSImage.framework/Versions/A/MPSImage
0x7fff515e0000 - 0x7fff51603fff com.apple.MetalPerformanceShaders.MPSMatrix (1.0 - 1) /System/Library/Frameworks/MetalPerformanceShaders.framework/Frameworks/MPSMatrix.framework/Versions/A/MPSMatrix
0x7fff51604000 - 0x7fff51684ff7 com.apple.MetalPerformanceShaders.MPSNeuralNetwork (1.0 - 1) /System/Library/Frameworks/MetalPerformanceShaders.framework/Frameworks/MPSNeuralNetwork.framework/Versions/A/MPSNeuralNetwork
0x7fff51685000 - 0x7fff51685ff7 com.apple.MetalPerformanceShaders.MetalPerformanceShaders (1.0 - 1) <2E8723FC-AA53-3596-B6A4-220A378B7A5A> /System/Library/Frameworks/MetalPerformanceShaders.framework/Versions/A/MetalPerformanceShaders
0x7fff5268e000 - 0x7fff5269affb com.apple.NetFS (6.0 - 4.0) <81B22AE7-7094-30F2-BF41-84CA05EDB95B> /System/Library/Frameworks/NetFS.framework/Versions/A/NetFS
0x7fff5548b000 - 0x7fff554d8ffb com.apple.opencl (2.8.12 - 2.8.12) <0AACB21D-AAC4-337C-8FF6-A8F6196614EE> /System/Library/Frameworks/OpenCL.framework/Versions/A/OpenCL
0x7fff554d9000 - 0x7fff554f5ffb com.apple.CFOpenDirectory (10.13 - 207) <7664F745-96E0-3F9F-964B-6014928902FB> /System/Library/Frameworks/OpenDirectory.framework/Versions/A/Frameworks/CFOpenDirectory.framework/Versions/A/CFOpenDirectory
0x7fff554f6000 - 0x7fff55501fff com.apple.OpenDirectory (10.13 - 207) <1550BB27-D605-398C-8670-48700C86D674> /System/Library/Frameworks/OpenDirectory.framework/Versions/A/OpenDirectory
0x7fff56680000 - 0x7fff56682fff libCVMSPluginSupport.dylib (16.4.2) /System/Library/Frameworks/OpenGL.framework/Versions/A/Libraries/libCVMSPluginSupport.dylib
0x7fff56683000 - 0x7fff56687ff7 libCoreFSCache.dylib (162.4) /System/Library/Frameworks/OpenGL.framework/Versions/A/Libraries/libCoreFSCache.dylib
0x7fff56688000 - 0x7fff5668cfff libCoreVMClient.dylib (162.4) /System/Library/Frameworks/OpenGL.framework/Versions/A/Libraries/libCoreVMClient.dylib
0x7fff5668d000 - 0x7fff56695fff libGFXShared.dylib (16.4.2) <07F1D947-F79B-3608-9080-E4DBFE13AF1D> /System/Library/Frameworks/OpenGL.framework/Versions/A/Libraries/libGFXShared.dylib
0x7fff56696000 - 0x7fff566a1fff libGL.dylib (16.4.2) <97D6871A-BAF1-33DD-9ED7-BE7BB437F378> /System/Library/Frameworks/OpenGL.framework/Versions/A/Libraries/libGL.dylib
0x7fff566a2000 - 0x7fff566ddfe7 libGLImage.dylib (16.4.2) <3E2802DF-4998-31DB-B3A2-65720DE919A5> /System/Library/Frameworks/OpenGL.framework/Versions/A/Libraries/libGLImage.dylib
0x7fff5684b000 - 0x7fff56889ffb libGLU.dylib (16.4.2) /System/Library/Frameworks/OpenGL.framework/Versions/A/Libraries/libGLU.dylib
0x7fff57201000 - 0x7fff5720fffb com.apple.opengl (16.4.2 - 16.4.2) /System/Library/Frameworks/OpenGL.framework/Versions/A/OpenGL
0x7fff57497000 - 0x7fff57586ff7 org.python.python (2.7.10 - 2.7.10) <39FEB629-B128-3B8A-86A5-7F59299E377A> /System/Library/Frameworks/Python.framework/Versions/2.7/Python
0x7fff58057000 - 0x7fff5829ffff com.apple.QuartzCore (1.11 - 584.8.94) <8D6B5735-852F-36D3-9349-C423582F743B> /System/Library/Frameworks/QuartzCore.framework/Versions/A/QuartzCore
0x7fff58ad8000 - 0x7fff58deffff com.apple.security (7.0 - 58286.31.2) /System/Library/Frameworks/Security.framework/Versions/A/Security
0x7fff58df0000 - 0x7fff58e7aff7 com.apple.securityfoundation (6.0 - 55185.30.4) /System/Library/Frameworks/SecurityFoundation.framework/Versions/A/SecurityFoundation
0x7fff58eac000 - 0x7fff58eafffb com.apple.xpc.ServiceManagement (1.0 - 1) /System/Library/Frameworks/ServiceManagement.framework/Versions/A/ServiceManagement
0x7fff59254000 - 0x7fff592c4ff3 com.apple.SystemConfiguration (1.17 - 1.17) <3C6B2BB9-43AB-39AD-8027-38E30A8A4186> /System/Library/Frameworks/SystemConfiguration.framework/Versions/A/SystemConfiguration
0x7fff5bea2000 - 0x7fff5bf2eff7 com.apple.APFS (1.0 - 1) <834EAD5F-0C4E-3C33-A654-8E1670CEC457> /System/Library/PrivateFrameworks/APFS.framework/Versions/A/APFS
0x7fff5ccb4000 - 0x7fff5ccfcff3 com.apple.AppleJPEG (1.0 - 1) <8BBD5180-5BF9-33DB-8B91-974B1D0AECFB> /System/Library/PrivateFrameworks/AppleJPEG.framework/Versions/A/AppleJPEG
0x7fff5cd37000 - 0x7fff5cd5ffff com.apple.applesauce (1.0 - ???) <32FF4851-2F68-35BA-835F-91856A20C323> /System/Library/PrivateFrameworks/AppleSauce.framework/Versions/A/AppleSauce
0x7fff5d54b000 - 0x7fff5d552ff7 com.apple.coreservices.BackgroundTaskManagement (1.0 - 57.1) <47B6301F-D908-3811-BB9E-DA16D9B29A34> /System/Library/PrivateFrameworks/BackgroundTaskManagement.framework/Versions/A/BackgroundTaskManagement
0x7fff5ef69000 - 0x7fff5ef72ff3 com.apple.CommonAuth (4.0 - 2.0) <11B2D184-36B8-3624-B1AD-7B6037D76160> /System/Library/PrivateFrameworks/CommonAuth.framework/Versions/A/CommonAuth
0x7fff5f97f000 - 0x7fff5f98fff7 com.apple.CoreEmoji (1.0 - 69.3) /System/Library/PrivateFrameworks/CoreEmoji.framework/Versions/A/CoreEmoji
0x7fff61091000 - 0x7fff61095ffb com.apple.DSExternalDisplay (3.1 - 380) /System/Library/PrivateFrameworks/DSExternalDisplay.framework/Versions/A/DSExternalDisplay
0x7fff61d87000 - 0x7fff61f5cfff com.apple.vision.EspressoFramework (1.0 - 66.11) <50FDAE75-54D4-3645-B501-B8D09ADCD7AA> /System/Library/PrivateFrameworks/Espresso.framework/Versions/A/Espresso
0x7fff620c4000 - 0x7fff624f2fff com.apple.vision.FaceCore (3.3.2 - 3.3.2) <80C97AD7-D5C2-311A-B268-4AA60CAD6CED> /System/Library/PrivateFrameworks/FaceCore.framework/Versions/A/FaceCore
0x7fff66506000 - 0x7fff66515fff com.apple.GraphVisualizer (1.0 - 5) <0A93C5DE-0D28-312E-8764-6B0FB805ED91> /System/Library/PrivateFrameworks/GraphVisualizer.framework/Versions/A/GraphVisualizer
0x7fff6658d000 - 0x7fff66601fff com.apple.Heimdal (4.0 - 2.0) /System/Library/PrivateFrameworks/Heimdal.framework/Versions/A/Heimdal
0x7fff66eb3000 - 0x7fff66ebaffb com.apple.IOAccelerator (376.6 - 376.6) /System/Library/PrivateFrameworks/IOAccelerator.framework/Versions/A/IOAccelerator
0x7fff66ebe000 - 0x7fff66ed5fff com.apple.IOPresentment (1.0 - 32.1) /System/Library/PrivateFrameworks/IOPresentment.framework/Versions/A/IOPresentment
0x7fff67559000 - 0x7fff6764efff com.apple.LanguageModeling (1.0 - 159.3.1) <9B08E18E-69B4-3413-A03A-EF5AE4BE6277> /System/Library/PrivateFrameworks/LanguageModeling.framework/Versions/A/LanguageModeling
0x7fff6764f000 - 0x7fff67691ff7 com.apple.Lexicon-framework (1.0 - 33.2) <5CC5E8EE-62A1-3EA5-B300-A39ABD0CF12D> /System/Library/PrivateFrameworks/Lexicon.framework/Versions/A/Lexicon
0x7fff67695000 - 0x7fff6769cff7 com.apple.LinguisticData (1.0 - 238.3) <228AF7CA-649A-3E24-BBC7-8A24B39B3FC4> /System/Library/PrivateFrameworks/LinguisticData.framework/Versions/A/LinguisticData
0x7fff682e8000 - 0x7fff68351ff7 com.apple.gpusw.MetalTools (1.0 - 1) /System/Library/PrivateFrameworks/MetalTools.framework/Versions/A/MetalTools
0x7fff684e5000 - 0x7fff6855fff7 com.apple.Montreal (1.0 - 42) <5C51CDA1-05F5-3215-A0A8-2883A1A659B8> /System/Library/PrivateFrameworks/Montreal.framework/Versions/A/Montreal
0x7fff68560000 - 0x7fff68588fff com.apple.MultitouchSupport.framework (1204.13 - 1204.13) <6C5D778D-4AB7-39A4-989B-2E8D2D57B3A0> /System/Library/PrivateFrameworks/MultitouchSupport.framework/Versions/A/MultitouchSupport
0x7fff687ed000 - 0x7fff687f8fff com.apple.NetAuth (6.2 - 6.2) <5C6F492A-28EF-3A0E-B573-6F3D60CFF0C7> /System/Library/PrivateFrameworks/NetAuth.framework/Versions/A/NetAuth
0x7fff6e784000 - 0x7fff6ea1efff com.apple.SkyLight (1.600.0 - 312.23.4) <390012E0-39E3-3D18-8271-D447990FDD21> /System/Library/PrivateFrameworks/SkyLight.framework/Versions/A/SkyLight
0x7fff702e3000 - 0x7fff702eaff3 com.apple.TCC (1.0 - 1) /System/Library/PrivateFrameworks/TCC.framework/Versions/A/TCC
0x7fff70658000 - 0x7fff70659fff com.apple.TrustEvaluationAgent (2.0 - 31) <39F533B2-211E-3635-AF47-23F27749FF4A> /System/Library/PrivateFrameworks/TrustEvaluationAgent.framework/Versions/A/TrustEvaluationAgent
0x7fff71f54000 - 0x7fff71f56ffb com.apple.loginsupport (1.0 - 1) <5E2C4AA7-066D-3FDB-B0E1-4CDAF287392C> /System/Library/PrivateFrameworks/login.framework/Versions/A/Frameworks/loginsupport.framework/Versions/A/loginsupport
0x7fff720ba000 - 0x7fff720edfff libclosured.dylib (519.2.2) <48051216-5647-3643-B979-B77D0FD20011> /usr/lib/closure/libclosured.dylib
0x7fff7218d000 - 0x7fff721c6ff7 libCRFSuite.dylib (41) /usr/lib/libCRFSuite.dylib
0x7fff721c7000 - 0x7fff721d2fff libChineseTokenizer.dylib (28) /usr/lib/libChineseTokenizer.dylib
0x7fff72264000 - 0x7fff72265ff3 libDiagnosticMessagesClient.dylib (104) <9712E980-76EE-3A89-AEA6-DF4BAF5C0574> /usr/lib/libDiagnosticMessagesClient.dylib
0x7fff7229c000 - 0x7fff72466ff3 libFosl_dynamic.dylib (17.7) /usr/lib/libFosl_dynamic.dylib
0x7fff7249e000 - 0x7fff7249efff libOpenScriptingUtil.dylib (174) <203D2C39-61BB-3713-A502-2D17B04A42AC> /usr/lib/libOpenScriptingUtil.dylib
0x7fff725cc000 - 0x7fff725cdff3 libSystem.B.dylib (1252) <5EDEEA85-0387-31EE-9D9B-DA1B75E7AEF3> /usr/lib/libSystem.B.dylib
0x7fff72660000 - 0x7fff72660fff libapple_crypto.dylib (109.30.8) /usr/lib/libapple_crypto.dylib
0x7fff72661000 - 0x7fff72677ff7 libapple_nghttp2.dylib (1.24) <01402BC4-4822-3676-9C80-50D83F816424> /usr/lib/libapple_nghttp2.dylib
0x7fff72678000 - 0x7fff726a2ff3 libarchive.2.dylib (54) <8FC28DD8-E315-3C3E-95FE-D1D2CBE49888> /usr/lib/libarchive.2.dylib
0x7fff72728000 - 0x7fff72728ff3 libauto.dylib (187) /usr/lib/libauto.dylib
0x7fff72729000 - 0x7fff727e0ff7 libboringssl.dylib (109.30.8) /usr/lib/libboringssl.dylib
0x7fff727e1000 - 0x7fff727f1ff3 libbsm.0.dylib (39) <770B341F-3BB7-3123-B53C-F2D58868A963> /usr/lib/libbsm.0.dylib
0x7fff727f2000 - 0x7fff727ffffb libbz2.1.0.dylib (38) <0A5086BB-4724-3C14-979D-5AD4F26B5B45> /usr/lib/libbz2.1.0.dylib
0x7fff72800000 - 0x7fff72856fff libc++.1.dylib (400.9) /usr/lib/libc++.1.dylib
0x7fff72857000 - 0x7fff7287bff7 libc++abi.dylib (400.7) <217656D5-BC40-37FF-B322-91CB2AAD4F34> /usr/lib/libc++abi.dylib
0x7fff7287d000 - 0x7fff7288dfff libcmph.dylib (6) /usr/lib/libcmph.dylib
0x7fff7288e000 - 0x7fff728a4fff libcompression.dylib (47) /usr/lib/libcompression.dylib
0x7fff72b51000 - 0x7fff72b69ff7 libcoretls.dylib (155) /usr/lib/libcoretls.dylib
0x7fff72b6a000 - 0x7fff72b6bffb libcoretls_cfhelpers.dylib (155) /usr/lib/libcoretls_cfhelpers.dylib
0x7fff72c21000 - 0x7fff72d03ff3 libcrypto.0.9.8.dylib (76.30.1) /usr/lib/libcrypto.0.9.8.dylib
0x7fff7303b000 - 0x7fff73091ff3 libcups.2.dylib (462.1) /usr/lib/libcups.2.dylib
0x7fff73113000 - 0x7fff7311aff3 libdscsym.dylib (183.1) <2DE012BF-CE9A-3BDF-9A2D-55D66B51AA35> /usr/lib/libdscsym.dylib
0x7fff731cf000 - 0x7fff731cffff libenergytrace.dylib (16) /usr/lib/libenergytrace.dylib
0x7fff73206000 - 0x7fff7320bff3 libheimdal-asn1.dylib (520.30.1) <14DC1451-6E22-3A48-80CB-5D33DC0F8C3B> /usr/lib/libheimdal-asn1.dylib
0x7fff73237000 - 0x7fff73328ff7 libiconv.2.dylib (51) <0772997F-4109-38A1-91ED-0F3F16AE99E5> /usr/lib/libiconv.2.dylib
0x7fff73329000 - 0x7fff73550ffb libicucore.A.dylib (59152.0.1) <281C39FD-0C9A-3EB2-A407-36D4CCE938E5> /usr/lib/libicucore.A.dylib
0x7fff7359d000 - 0x7fff7359efff liblangid.dylib (128) <39C39393-0D05-301D-93B2-F224FC4949AA> /usr/lib/liblangid.dylib
0x7fff7359f000 - 0x7fff735b8ffb liblzma.5.dylib (10) <3D419A50-961F-37D2-8A01-3DC7AB7B8D18> /usr/lib/liblzma.5.dylib
0x7fff735b9000 - 0x7fff735cfff7 libmarisa.dylib (9) /usr/lib/libmarisa.dylib
0x7fff73680000 - 0x7fff738a8ff7 libmecabra.dylib (779.7.6) <7808C544-161E-37CE-9D42-F368C82A180D> /usr/lib/libmecabra.dylib
0x7fff73a80000 - 0x7fff73b57ffb libnetwork.dylib (1229.30.11) <2A9846DE-C063-3340-89D1-D5DAC2B8A08A> /usr/lib/libnetwork.dylib
0x7fff73bcd000 - 0x7fff73fbb7e7 libobjc.A.dylib (723) <93A92316-DE1E-378C-8891-99720B50D075> /usr/lib/libobjc.A.dylib
0x7fff73fce000 - 0x7fff73fd2fff libpam.2.dylib (22) <7B4D2CE2-1438-387A-9802-5CEEFBF26F86> /usr/lib/libpam.2.dylib
0x7fff73fd5000 - 0x7fff74009fff libpcap.A.dylib (79.20.1) /usr/lib/libpcap.A.dylib
0x7fff74088000 - 0x7fff740a4ffb libresolv.9.dylib (65) /usr/lib/libresolv.9.dylib
0x7fff740f2000 - 0x7fff740f3ff7 libspindump.dylib (248) <12E8B8BA-072F-39AE-8BC9-7D5840DA80EB> /usr/lib/libspindump.dylib
0x7fff740f4000 - 0x7fff74287fe7 libsqlite3.dylib (274.5) /usr/lib/libsqlite3.dylib
0x7fff742aa000 - 0x7fff742e2ff3 libssl.0.9.8.dylib (76.30.1) <31E4862C-C181-3D5E-ACB3-CDE18764638F> /usr/lib/libssl.0.9.8.dylib
0x7fff74389000 - 0x7fff743d7fff libstdc++.6.0.9.dylib (104.1) <92CC5BBD-2FB2-3864-BF6B-B4B1BFF4C1EE> /usr/lib/libstdc++.6.0.9.dylib
0x7fff74458000 - 0x7fff74491fff libusrtcp.dylib (1229.30.11) <537F14D0-84DF-349F-8EA0-52BB7A241E60> /usr/lib/libusrtcp.dylib
0x7fff74492000 - 0x7fff74495ffb libutil.dylib (51.20.1) <216D18E5-0BAF-3EAF-A38E-F6AC37CBABD9> /usr/lib/libutil.dylib
0x7fff74496000 - 0x7fff744a3fff libxar.1.dylib (400) <0316128D-3B47-3052-995D-97B4FE5491DC> /usr/lib/libxar.1.dylib
0x7fff744a7000 - 0x7fff7458efff libxml2.2.dylib (31.7) <49544596-BCF8-3765-8DC5-DB1A9A90EF92> /usr/lib/libxml2.2.dylib
0x7fff7458f000 - 0x7fff745b7fff libxslt.1.dylib (15.10) <66682AF6-C2D5-374C-901F-25A3E72814DC> /usr/lib/libxslt.1.dylib
0x7fff745b8000 - 0x7fff745caffb libz.1.dylib (70) <48C67CFC-940D-3857-8DAD-857774605352> /usr/lib/libz.1.dylib
0x7fff74668000 - 0x7fff7466cff7 libcache.dylib (80) <354F3B7D-404E-3398-9EBF-65CA2CE65211> /usr/lib/system/libcache.dylib
0x7fff7466d000 - 0x7fff74677ff3 libcommonCrypto.dylib (60118.30.2) <674286D3-7744-36A3-9AAA-49DFCD97A986> /usr/lib/system/libcommonCrypto.dylib
0x7fff74678000 - 0x7fff7467ffff libcompiler_rt.dylib (62) <4487CFBA-A5D7-3282-9E6B-94CAD7BE507E> /usr/lib/system/libcompiler_rt.dylib
0x7fff74680000 - 0x7fff74688ffb libcopyfile.dylib (146.30.2) <2C7C67D7-562B-3FFA-973D-BACF4C10E1EC> /usr/lib/system/libcopyfile.dylib
0x7fff74689000 - 0x7fff7470efff libcorecrypto.dylib (562.30.10) <8A53EFE1-AFCA-3676-BEE1-FA5ED9F0E222> /usr/lib/system/libcorecrypto.dylib
0x7fff74796000 - 0x7fff747cfff7 libdispatch.dylib (913.30.4) <7D0E3183-282B-3FEE-A734-2C0ADC092084> /usr/lib/system/libdispatch.dylib
0x7fff747d0000 - 0x7fff747edff7 libdyld.dylib (519.2.2) /usr/lib/system/libdyld.dylib
0x7fff747ee000 - 0x7fff747eeffb libkeymgr.dylib (28) <6D84A96F-C65B-38EC-BDB5-21FD2C97E7B2> /usr/lib/system/libkeymgr.dylib
0x7fff747ef000 - 0x7fff747fbff3 libkxld.dylib (4570.31.3) /usr/lib/system/libkxld.dylib
0x7fff747fc000 - 0x7fff747fcff7 liblaunch.dylib (1205.30.29) /usr/lib/system/liblaunch.dylib
0x7fff747fd000 - 0x7fff74801ffb libmacho.dylib (900.0.1) <756F2553-07B6-3B42-ACEA-2F0F1A5E8D0F> /usr/lib/system/libmacho.dylib
0x7fff74802000 - 0x7fff74804ff3 libquarantine.dylib (86) <6AC8773F-3817-3D82-99C2-01BABB9C3CBB> /usr/lib/system/libquarantine.dylib
0x7fff74805000 - 0x7fff74806ff3 libremovefile.dylib (45) <912FA211-DD8C-3C92-8424-21B89F8B10FD> /usr/lib/system/libremovefile.dylib
0x7fff74807000 - 0x7fff7481efff libsystem_asl.dylib (356.1.1) <94972913-9DF0-3C78-847C-43E58919E3DA> /usr/lib/system/libsystem_asl.dylib
0x7fff7481f000 - 0x7fff7481ffff libsystem_blocks.dylib (67) /usr/lib/system/libsystem_blocks.dylib
0x7fff74820000 - 0x7fff748a9ff7 libsystem_c.dylib (1244.30.3) /usr/lib/system/libsystem_c.dylib
0x7fff748aa000 - 0x7fff748adffb libsystem_configuration.dylib (963.30.1) <0F8D0B76-4F7D-34EC-AB6C-50F9465809DA> /usr/lib/system/libsystem_configuration.dylib
0x7fff748ae000 - 0x7fff748b1ffb libsystem_coreservices.dylib (51) <21A488D0-2D07-344E-8631-CC8B2A246F35> /usr/lib/system/libsystem_coreservices.dylib
0x7fff748b2000 - 0x7fff748b3fff libsystem_darwin.dylib (1244.30.3) <2F750CB1-BC26-3FA3-AE59-553EE30D451B> /usr/lib/system/libsystem_darwin.dylib
0x7fff748b4000 - 0x7fff748baff7 libsystem_dnssd.dylib (878.30.4) /usr/lib/system/libsystem_dnssd.dylib
0x7fff748bb000 - 0x7fff74904ff7 libsystem_info.dylib (517.30.1) <7D79E167-4B5C-3833-81EE-3AF3FB53616D> /usr/lib/system/libsystem_info.dylib
0x7fff74905000 - 0x7fff7492aff7 libsystem_kernel.dylib (4570.31.3) /usr/lib/system/libsystem_kernel.dylib
0x7fff7492b000 - 0x7fff74976fcb libsystem_m.dylib (3146) /usr/lib/system/libsystem_m.dylib
0x7fff74977000 - 0x7fff74996fff libsystem_malloc.dylib (140.1.1) <9F0745FF-B92F-330D-8812-BB74001D1D33> /usr/lib/system/libsystem_malloc.dylib
0x7fff74997000 - 0x7fff74a3bff3 libsystem_network.dylib (1229.30.11) <40BAD301-8744-3AD8-A688-E7925C587B00> /usr/lib/system/libsystem_network.dylib
0x7fff74a3c000 - 0x7fff74a46ffb libsystem_networkextension.dylib (767.30.7) /usr/lib/system/libsystem_networkextension.dylib
0x7fff74a47000 - 0x7fff74a50ff3 libsystem_notify.dylib (172) <98EA3D62-7C86-30DE-8261-D020D2F1EFF3> /usr/lib/system/libsystem_notify.dylib
0x7fff74a51000 - 0x7fff74a58ff7 libsystem_platform.dylib (161.20.1) /usr/lib/system/libsystem_platform.dylib
0x7fff74a59000 - 0x7fff74a64fff libsystem_pthread.dylib (301.30.1) /usr/lib/system/libsystem_pthread.dylib
0x7fff74a65000 - 0x7fff74a68ff3 libsystem_sandbox.dylib (765.30.4) /usr/lib/system/libsystem_sandbox.dylib
0x7fff74a69000 - 0x7fff74a6aff3 libsystem_secinit.dylib (30) /usr/lib/system/libsystem_secinit.dylib
0x7fff74a6b000 - 0x7fff74a72ff7 libsystem_symptoms.dylib (820.30.7) /usr/lib/system/libsystem_symptoms.dylib
0x7fff74a73000 - 0x7fff74a86ff7 libsystem_trace.dylib (829.30.14) <69EBF017-D40F-30D7-9B0B-BFC862D761A5> /usr/lib/system/libsystem_trace.dylib
0x7fff74a88000 - 0x7fff74a8dff7 libunwind.dylib (35.3) <6D4FCD49-D2A9-3233-95C7-A7635CE265F2> /usr/lib/system/libunwind.dylib
0x7fff74a8e000 - 0x7fff74abaff7 libxpc.dylib (1205.30.29) /usr/lib/system/libxpc.dylib

External Modification Summary:
Calls made by other processes targeting this process:
task_for_pid: 0
thread_create: 0
thread_set_state: 0
Calls made by this process:
task_for_pid: 0
thread_create: 0
thread_set_state: 0
Calls made by all processes on this machine:
task_for_pid: 4421
thread_create: 0
thread_set_state: 0

VM Region Summary:
ReadOnly portion of Libraries: Total=465.5M resident=0K(0%) swapped_out_or_unallocated=465.5M(100%)
Writable regions: Total=2.5G written=0K(0%) resident=0K(0%) swapped_out=0K(0%) unallocated=2.5G(100%)

                            VIRTUAL   REGION 

REGION TYPE SIZE COUNT (non-coalesced)
=========== ======= =======
Activity Tracing 256K 2
Kernel Alloc Once 8K 2
MALLOC 2.5G 511
MALLOC guard page 32K 8
STACK GUARD 56.1M 18
Stack 16.1M 18
VM_ALLOCATE 4K 2
__DATA 19.8M 388
__FONT_DATA 4K 2
__LINKEDIT 265.4M 163
__TEXT 200.1M 349
__UNICODE 560K 2
shared memory 12K 4
=========== ======= =======
TOTAL 3.0G 1456

Model: MacBookPro14,3, BootROM MBP143.0167.B00, 4 processors, Intel Core i7, 3.1 GHz, 16 GB, SMC 2.45f0
Graphics: Intel HD Graphics 630, Intel HD Graphics 630, Built-In
Graphics: Radeon Pro 560, Radeon Pro 560, PCIe, 4 GB
Memory Module: BANK 0/DIMM0, 8 GB, LPDDR3, 2133 MHz, 0x80CE, 0x4B3445424533303445422D45474347202020
Memory Module: BANK 1/DIMM0, 8 GB, LPDDR3, 2133 MHz, 0x80CE, 0x4B3445424533303445422D45474347202020
AirPort: spairport_wireless_card_type_airport_extreme (0x14E4, 0x173), Broadcom BCM43xx 1.0 (7.77.37.5.1a3)
Bluetooth: Version 6.0.2f2, 3 services, 27 devices, 1 incoming serial ports
Network Service: Wi-Fi, AirPort, en0
USB Device: USB 3.0 Bus
USB Device: iBridge
Thunderbolt Bus: MacBook Pro, Apple Inc., 23.1
Thunderbolt Bus: MacBook Pro, Apple Inc., 23.1
`

KeyError: u'classLabel'

hi, I use the inception_v1_preprocessing_steps.ipynb to run, but convert model error , the error info is :

1014/1015: Converting op name: InceptionV1/Logits/Predictions/Softmax ( type:  Softmax )
---------------------------------------------------------------------------
KeyError                                  Traceback (most recent call last)
<ipython-input-7-0c798ef17d31> in <module>()
     18         output_feature_names=output_tensor_names,
     19         image_input_names = image_input_name,
---> 20         class_labels = class_labels)

/Users/a123/anaconda/envs/tensorflow27/lib/python2.7/site-packages/tfcoreml/_tf_coreml_converter.pyc in convert(tf_model_path, mlmodel_path, output_feature_names, input_name_shape_dict, image_input_names, is_bgr, red_bias, green_bias, blue_bias, gray_bias, image_scale, class_labels, predicted_feature_name, predicted_probabilities_output)
    476       class_labels=class_labels,
    477       predicted_feature_name=predicted_feature_name,
--> 478       predicted_probabilities_output=predicted_probabilities_output)

/Users/a123/anaconda/envs/tensorflow27/lib/python2.7/site-packages/tfcoreml/_tf_coreml_converter.pyc in _convert_pb_to_mlmodel(tf_model_path, mlmodel_path, output_feature_names, input_name_shape_dict, image_input_names, is_bgr, red_bias, green_bias, blue_bias, gray_bias, image_scale, class_labels, predicted_feature_name, predicted_probabilities_output)
    352 
    353   #optimizations on the nn spec
--> 354   optimize_nn_spec(builder=builder)
    355 
    356   utils.save_spec(builder.spec, mlmodel_path)

/Users/a123/anaconda/envs/tensorflow27/lib/python2.7/site-packages/tfcoreml/optimizations/_optimize_nn_spec.pyc in optimize_nn_spec(builder)
     45   _optimize_spatial_reduce_operation(builder.nn_spec.layers)
     46   _optimize_conv_mul_add(builder.nn_spec.layers)
---> 47   _optimize_disconnected_components(builder)
     48 
     49 

/Users/a123/anaconda/envs/tensorflow27/lib/python2.7/site-packages/tfcoreml/optimizations/_optimize_nn_spec.pyc in _optimize_disconnected_components(builder)
     35   """
     36 
---> 37   _optimize._remove_disconnected_components(builder)
     38 
     39 def optimize_nn_spec(builder):

/Users/a123/anaconda/envs/tensorflow27/lib/python2.7/site-packages/tfcoreml/optimizations/_optimize.pyc in _remove_disconnected_components(builder)
    353   start_ids = []
    354   for out in builder.spec.description.output:
--> 355     start_ids.append(blob_src[out.name])
    356 
    357   #Lets do BFS Graph traversal

KeyError: u'classLabel'

what happen to this and how to fix? please !

and i convert tensorflow model to coreML model , it success, but the result value is wrong? do you have any idea?

Large storage footprint running full model nosetests

The current setting for test_pretrained_models.py does not remove the downloaded models. This improves the test time by avoiding multiple downloads for the same model. However, I'm also seeing a large tmp folder being created with all kinds of models for the tests:

shuoxinlin$ du -sh /tmp/tfcoreml/
816M	/tmp/tfcoreml/

So... to remove or not to remove, that's the question.
Any thoughts?

Failing on IndexError: list index out of range

Hello,

Thank you for the conversion script. i get this error when running on a valid frozen TF model + careful usage with all required params:

File "/private/tmp/lib/python2.7/site-packages/tfcoreml/_tf_coreml_converter.py", line 478, in convert
predicted_probabilities_output=predicted_probabilities_output)
File "/private/tmp/lib/python2.7/site-packages/tfcoreml/_tf_coreml_converter.py", line 255, in _convert_pb_to_mlmodel
consumer_op = input_tensor.consumers()[0]

Can you please advise?
Thanks!
Reut

Renaming Input/Output Tensors for CoreML

CoreML automatic code generation fails if model input and/or output names has '/' literal in it. We had a similar issue with ':'. Modify the converter so that '/' characters are replaced with '__'.

Inference results of Inception V3 are NaNs

We tried tr_coreml on both MobileNet and InceptionV3. It works well with
MobileNet end to end (including conversion and inference). However, the
inference results are all NaNs with InceptionV3.

Steps to reproduce

  1. Download and setup tf_coreml Library.
  2. Download the frozen InceptionV3 model published by Google in 2016.
  3. Run the tf_coreml tool to convert TensorFlow GraphDef to MLModel file.
  4. Import the MLModel file into a iOS/Cocoa project, and feed it with an image.
  5. All the inference resluts are NaNs.

Bash commands to download and extract the InceptionV3 model:

wget https://storage.googleapis.com/download.tensorflow.org/models/inception_v3_2016_08_28_frozen.pb.tar.gz
tar zxvf inception_v3_2016_08_28_frozen.pb.tar.gz

The Python code for conversion:

import tf_coreml as tf_converter
tf_converter.convert(
    tf_model_path='inception_v3_2016_08_28_frozen.pb',
    mlmodel_path = 'Inception.mlmodel',
    output_feature_names = ['InceptionV3/Predictions/Reshape_1:0'],
    image_input_names = ['input:0'],
    red_bias = -1.0,
    green_bias = -1.0,
    blue_bias = -1.0,
    image_scale = 2.0 / 255.0,
    )

The bias and scale paramters normalizes the RGB values from 0~255 to -1.0~1.0.

Tests Fail

Environment

Python 2
OSX

From inside tf-coreml root folder:

pip install -e .
pytest tests

branch: master afec144

Encountered Issue

AssertionError: Output feature cannot be a placeholder

Is being thrown on most tests

How to convert model with 2 input parameters?

Hello,

I am trying to convert model with 2 input parameter - int and image. For now I am getting something like this:
Core ML input(s): [name: "style_num__0" shortDescription: "This input is a sequence of length 26" type { imageType { width: 1 height: 1 colorSpace: GRAYSCALE } } , name: "input__0" type { imageType { width: 1000 height: 1000 colorSpace: RGB } } ] Core ML output(s): [name: "Squeeze__0" type { multiArrayType { dataType: DOUBLE } } ]

after doing that:
`import tfcoreml

tfcoreml.convert('styl.pb',
mlmodel_path="stylize3.mlmodel",
input_name_shape_dict={"input:0":[1,1000,1000,3]},
output_feature_names=["Squeeze:0"],
image_input_names= ["input:0", "style_num:0"])`

tf.max op

Add support for tf.max op in the converter.

Style transfer network predictions incorrect on GPU backend

This style transfer network can't be converted:
[https://storage.googleapis.com/download.tensorflow.org/models/stylize_v1.zip]
In this style transfer network there're a bunch of quantization related ops that are not supported in CoreML.
See test_style_transfer in tests/test_pretrained_models.py.

TensorFlow to Core ML Giving Wrong Predictions.

After converting TensorFlow model to Core ML I created an iOS app to try to use it and check out the predictions. I used my already built app and replaced it with the new model. Unfortunately, the predictions it give were completely wrong. The predictions works correctly if I get the Core ML model from Apple's Machine Learning website.

But when I use the TensorFlow to Core ML converted model then it gives wrong predictions. I am attaching an image to show the problem and also a link to the Github repository that contains all the code I used to create the app.

screen shot 2017-12-17 at 9 19 22 am

Github URL: https://github.com/azamsharp/ImageRecognitionTensorFlow2CoreML

  • The app works correctly and give correct predictions if I use the Core ML model from Apple's website and not the TensorFlow generated model.

Update the check unsupported ops function

Currently before converting the TF graph we check for unsupported ops and error out early if there is an unsupported op. However, this function should also take into account the output tensors that the user in interested in. We should not error out if an unsupported op comes after the desired output.

Can't convert re-trained InceptionV3 to coreml

`File "convert_temp.py", line 7, in
input_name_shape_dict = {'input:0' : [1, 299, 299, 3]})
tfcoreml/_tf_coreml_converter.py", line 478, in convert
predicted_probabilities_output=predicted_probabilities_output)

/tfcoreml/_tf_coreml_converter.py", line 143, in _convert_pb_to_mlmodel
_check_unsupported_ops(OPS, output_feature_names)
tfcoreml/_tf_coreml_converter.py", line 111, in _check_unsupported_ops

','.join(unsupported_op_types)))
NotImplementedError: Unsupported Ops of type: DecodeJpeg,ResizeBilinear,PlaceholderWithDefault`
Anyone meet this issue?

Handling of Dilated Conv and SpaceToBatchND/BatchToSpaceND

These are currently skipped in the converter but this is not the correct behavior. This is will lead to converted .mlmodel files but its highly likely that they will be incorrect. Since BatchToSpaceND is not supported by CoreML, converter should error out.

coremlc: Error: compiler error: Invalid data blob: 'cnn_net_1/conv-maxpool-5/pool_5:0' shape (C,H,W = 150,146,-144) for output of layer: 'cnn_net_1/conv-maxpool-5/pool_5:0'.

after i converted the tfmodel to mlmodel, when i run the predict program, the following errors appeared:
coremlc: Error: compiler error: Invalid data blob: 'cnn_net_1/conv-maxpool-5/pool_5:0' shape (C,H,W = 150,146,-144) for output of layer: 'cnn_net_1/conv-maxpool-5/pool_5:0'.

in fact, it's a max_pooling operation, and the previous layers's shape is (C,H,W)= (150, 146, 1), the operation is :
pooled = tf.nn.max_pool(
conv_h,
ksize=[1, self.sequence_length - filter_size + 1, 1, 1],
strides=[1, 1, 1, 1],
padding='VALID',
name="pool_%s" % filter_size)

how could i solve the problem? thank you

Support for PlaceholderWithDefault

Hi there,

this is a really exciting project! I'm getting this error when trying to convert MobileNet from the code poets example:

NotImplementedError: Unsupported Ops of type: PlaceholderWithDefault

I noticed that Placeholder is implemented. Do you think PlaceholderWithDefault will be in scope?

Many thanks!

ModuleNotFoundError: No module named '_ops_to_layers'

after installing tf-coreml with the following

pip install -e .

I attempt to run python test_tf_converter.py

and get the following error:

return f(*args, **kwds)
Traceback (most recent call last):
File "test_tf_converter.py", line 12, in
import tfcoreml as tf_converter
File "/Users/tgwagner/fresh/tf-coreml/tfcoreml/init.py", line 1, in
from ._tf_coreml_converter import convert
File "/Users/tgwagner/fresh/tf-coreml/tfcoreml/_tf_coreml_converter.py", line 9, in
from _ops_to_layers import convert_ops_to_layers
ModuleNotFoundError: No module named '_ops_to_layers'

Do I need to add something to my PATH or ?

Note that _ops_to_layers.py does exist in my tf-coreml/tfcoreml directory

Thanks
Todd

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.