Turi Create simplifies the development of custom machine learning models.

Overview

Quick Links: Installation | Documentation | WWDC 2019 | WWDC 2018

Build Status PyPI Release Python Versions

Turi Create

Turi Create

Check out our talks at WWDC 2019 and at WWDC 2018!

Turi Create simplifies the development of custom machine learning models. You don't have to be a machine learning expert to add recommendations, object detection, image classification, image similarity or activity classification to your app.

  • Easy-to-use: Focus on tasks instead of algorithms
  • Visual: Built-in, streaming visualizations to explore your data
  • Flexible: Supports text, images, audio, video and sensor data
  • Fast and Scalable: Work with large datasets on a single machine
  • Ready To Deploy: Export models to Core ML for use in iOS, macOS, watchOS, and tvOS apps

With Turi Create, you can accomplish many common ML tasks:

ML Task Description
Recommender Personalize choices for users
Image Classification Label images
Drawing Classification Recognize Pencil/Touch Drawings and Gestures
Sound Classification Classify sounds
Object Detection Recognize objects within images
One Shot Object Detection Recognize 2D objects within images using a single example
Style Transfer Stylize images
Activity Classification Detect an activity using sensors
Image Similarity Find similar images
Classifiers Predict a label
Regression Predict numeric values
Clustering Group similar datapoints together
Text Classifier Analyze sentiment of messages

Example: Image classifier with a few lines of code

If you want your app to recognize specific objects in images, you can build your own model with just a few lines of code:

import turicreate as tc

# Load data 
data = tc.SFrame('photoLabel.sframe')

# Create a model
model = tc.image_classifier.create(data, target='photoLabel')

# Make predictions
predictions = model.predict(data)

# Export to Core ML
model.export_coreml('MyClassifier.mlmodel')

It's easy to use the resulting model in an iOS application:

Turi Create

Supported Platforms

Turi Create supports:

  • macOS 10.12+
  • Linux (with glibc 2.10+)
  • Windows 10 (via WSL)

System Requirements

Turi Create requires:

  • Python 2.7, 3.5, 3.6, 3.7, 3.8
  • x86_64 architecture
  • At least 4 GB of RAM

Installation

For detailed instructions for different varieties of Linux see LINUX_INSTALL.md. For common installation issues see INSTALL_ISSUES.md.

We recommend using virtualenv to use, install, or build Turi Create.

pip install virtualenv

The method for installing Turi Create follows the standard python package installation steps. To create and activate a Python virtual environment called venv follow these steps:

# Create a Python virtual environment
cd ~
virtualenv venv

# Activate your virtual environment
source ~/venv/bin/activate

Alternatively, if you are using Anaconda, you may use its virtual environment:

conda create -n virtual_environment_name anaconda
conda activate virtual_environment_name

To install Turi Create within your virtual environment:

(venv) pip install -U turicreate

Documentation

The package User Guide and API Docs contain more details on how to use Turi Create.

GPU Support

Turi Create does not require a GPU, but certain models can be accelerated 9-13x by utilizing a GPU.

Linux macOS 10.13+ macOS 10.14+ discrete GPUs, macOS 10.15+ integrated GPUs
Activity Classification Image Classification Activity Classification
Drawing Classification Image Similarity Object Detection
Image Classification Sound Classification One Shot Object Detection
Image Similarity Style Transfer
Object Detection
One Shot Object Detection
Sound Classification
Style Transfer

macOS GPU support is automatic. For Linux GPU support, see LinuxGPU.md.

Building From Source

If you want to build Turi Create from source, see BUILD.md.

Contributing

Prior to contributing, please review CONTRIBUTING.md and do not provide any contributions unless you agree with the terms and conditions set forth in CONTRIBUTING.md.

We want the Turi Create community to be as welcoming and inclusive as possible, and have adopted a Code of Conduct that we expect all community members, including contributors, to read and observe.

Comments
  • Different behavior between Model and Core ML model

    Different behavior between Model and Core ML model

    I successfully trained a Object Detection model (default TC YOLO) with TC b3 and exported in CoreML format. My model has 8000 iterations and 0.8 final loss.

    I then validate it with some images using TC and bounding box drawing util and it recognizes them better that I expected!

    I then downloaded the sample project for recognizing objects in live capture presented by @znation during the WWDC and replaced the model in the project with my new model.

    What it's weird is that the object are no longer recognized. Is NOT a problem of VNDetectedObjectObservation because they are correctly returned, but it seems that the classing and the bounding box does not represent the detected object correctly (different class and wrong bounding box). I used iOS 12 beta 9 and Xcode 10 beta 6 as developing environment, with an iPad Pro 2017 (or 2016, I don't remember).

    From my first test seems this could be a rotation issue, but I don't know if that is the real issue and eventually how to fix it.

    Does anybody faced a similar issue or can eventually help me with that?

    bug object detection p2 toolkits 
    opened by cianiandreadev 51
  • Mac hardware dependent Failed assertion in object detection model running in MacOS

    Mac hardware dependent Failed assertion in object detection model running in MacOS

    Hi,

    I am getting the following error when I run an object detection model based on the cats and dogs example in a command-line MacOS project in Xcode:

    validateComputeFunctionArguments:852: failed assertion Compute Function(TARR_elementwise_mul_f16_pack4): The pixel format (MTLPixelFormatRGBA32Float) of the texture (name:<null>) bound at index 2 is incompatible with the data type (MTLDataTypeHalf) of the texture parameter (src_b [[texture(0)]]). MTLPixelFormatRGBA32Float is compatible with the data type(s) (
        float
    ).
    (lldb) 
    

    What's especially unusual is that this error only appears on my iMac (Retina 5K, 27-inch, 2017) and not on my mid 2010 Macbook Pro. The code actually works perfectly on the mid 2010 Macbook Pro as expected. I also noticed that the following message always appears when I run a turicreate model on the 2017 iMac and not on the mid 2010 Macbook Pro:

    2017-12-29 19:22:36.740697+0100 CmdSand[29721:7166209] VPA info: plugin is INTEL.
    VPA info: plugin is INTEL, AVD_id = 1080020, AVD_api.Create:0x125636cfa
    2017-12-29 19:22:36.747578+0100 CmdSand[29721:7166209] AVD info: codecHALEnableHEVCDecoder = 1
    

    Even on the 2017 iMac, everything works fine afterwards with an image classifier model, but with the object detection model I get the error message above. Unfortunately, I cannot find any useful documentation about the MTLPixelFormat formats to troubleshot. It seems to me, that the HEVC capability of the new iMac is the cause of this problem. Is there any way to disable this within Xcode as a workaround?

    I am using the following code that was mostly derived from the cats and dogs example:

    let semaphore = DispatchSemaphore(value: 2)
    
    func output_handler2(request: VNRequest, error: Error?) {
        let results = request.results as! [VNCoreMLFeatureValueObservation]
        
        let coordinates = results[0].featureValue.multiArrayValue!
        let confidence = results[1].featureValue.multiArrayValue!
        
        let confidenceThreshold = 0.25
        var unorderedPredictions = [Prediction]()
        let numBoundingBoxes = confidence.shape[0].intValue
        let numClasses = confidence.shape[1].intValue
        let confidencePointer = UnsafeMutablePointer<Double>(OpaquePointer(confidence.dataPointer))
        let coordinatesPointer = UnsafeMutablePointer<Double>(OpaquePointer(coordinates.dataPointer))
        for b in 0..<numBoundingBoxes {
            var maxConfidence = 0.0
            var maxIndex = 0
            for c in 0..<numClasses {
                let conf = confidencePointer[b * numClasses + c]
                if conf > maxConfidence {
                    maxConfidence = conf
                    maxIndex = c
                }
            }
            if maxConfidence > confidenceThreshold {
                let x = coordinatesPointer[b * 4]
                let y = coordinatesPointer[b * 4 + 1]
                let w = coordinatesPointer[b * 4 + 2]
                let h = coordinatesPointer[b * 4 + 3]
                
                let rect = CGRect(x: CGFloat(x - w/2), y: CGFloat(y - h/2),
                                  width: CGFloat(w), height: CGFloat(h))
                
                let prediction = Prediction(labelIndex: maxIndex,
                                            confidence: Float(maxConfidence),
                                            boundingBox: rect)
                unorderedPredictions.append(prediction)
            }
        }
        semaphore.signal()
    }
    
    let model_features = try VNCoreMLModel(for: detect_features().model)
    
    let request_features = VNCoreMLRequest(model: model_features, completionHandler: output_handler2)
    
    let link_str = "https://media-cdn.tripadvisor.com/media/photo-s/01/62/9d/5b/addo-national-park.jpg"
    var imageURL = URL(string: link_str)
    let inputImage = CIImage(contentsOf: imageURL!)
    if(inputImage != nil)
    {
        let object_image = inputImage!
        let handler_features = VNImageRequestHandler(ciImage: inputImage!)
        try handler_features.perform([request_features])
        semaphore.wait()
    }
    

    Best wishes,

    Leif

    bug object detection p2 
    opened by borderlineinteractive 46
  • pip install -U turicreate Showing Error (using python3 and windows 10)

    pip install -U turicreate Showing Error (using python3 and windows 10)

    Collecting turicreate Using cached turicreate-6.0.tar.gz (1.9 kB) Building wheels for collected packages: turicreate Building wheel for turicreate (setup.py) ... error ERROR: Command errored out with exit status 1: command: 'C:\Users\Hridoy\Anaconda3\envs\virtual_environment_name\python.exe' -u -c 'import sys, setuptools, tokenize; sys.argv[0] = '"'"'C:\Users\Hridoy\AppData\Local\Temp\pip-install-yglwdhwi\turicreate\setup.py'"'"'; file='"'"'C:\Users\Hridoy\AppData\Local\Temp\pip-install-yglwdhwi\turicreate\setup.py'"'"';f=getattr(tokenize, '"'"'open'"'"', open)(file);code=f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, file, '"'"'exec'"'"'))' bdist_wheel -d 'C:\Users\Hridoy\AppData\Local\Temp\pip-wheel-yqhedwiv' cwd: C:\Users\Hridoy\AppData\Local\Temp\pip-install-yglwdhwi\turicreate
    Complete output (31 lines): running bdist_wheel running build installing to build\bdist.win-amd64\wheel running install

          ==================================================================================
          TURICREATE ERROR
    
          If you see this message, pip install did not find an available binary package
          for your system.
    
          Supported Platforms:
              * macOS 10.12+ x86_64.
              * Linux x86_64 (including WSL on Windows 10).
    
          Support Python Versions:
              * 2.7
              * 3.5
              * 3.6
              * 3.7
    
    
          Another possible cause of this error is an outdated pip version. Try:
              `pip install -U pip`
    
          ==================================================================================
    

    ERROR: Failed building wheel for turicreate Running setup.py clean for turicreate Failed to build turicreate Installing collected packages: turicreate Running setup.py install for turicreate ... error ERROR: Command errored out with exit status 1: command: 'C:\Users\Hridoy\Anaconda3\envs\virtual_environment_name\python.exe' -u -c 'import sys, setuptools, tokenize; sys.argv[0] = '"'"'C:\Users\Hridoy\AppData\Local\Temp\pip-install-yglwdhwi\turicreate\setup.py'"'"'; file='"'"'C:\Users\Hridoy\AppData\Local\Temp\pip-install-yglwdhwi\turicreate\setup.py'"'"';f=getattr(tokenize, '"'"'open'"'"', open)(file);code=f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, file, '"'"'exec'"'"'))' install --record 'C:\Users\Hridoy\AppData\Local\Temp\pip-record-d_6jd0af\install-record.txt' --single-version-externally-managed --compile --install-headers 'C:\Users\Hridoy\Anaconda3\envs\virtual_environment_name\Include\turicreate' cwd: C:\Users\Hridoy\AppData\Local\Temp\pip-install-yglwdhwi\turicreate
    Complete output (28 lines): running install

            ==================================================================================
            TURICREATE ERROR
    
            If you see this message, pip install did not find an available binary package
            for your system.
    
            Supported Platforms:
                * macOS 10.12+ x86_64.
                * Linux x86_64 (including WSL on Windows 10).
    
            Support Python Versions:
                * 2.7
                * 3.5
                * 3.6
                * 3.7
    
    
            Another possible cause of this error is an outdated pip version. Try:
                `pip install -U pip`
    
            ==================================================================================
    
    
    
    ----------------------------------------
    

    ERROR: Command errored out with exit status 1: 'C:\Users\Hridoy\Anaconda3\envs\virtual_environment_name\python.exe' -u -c 'import sys, setuptools, tokenize; sys.argv[0] = '"'"'C:\Users\Hridoy\AppData\Local\Temp\pip-install-yglwdhwi\turicreate\setup.py'"'"'; file='"'"'C:\Users\Hridoy\AppData\Local\Temp\pip-install-yglwdhwi\turicreate\setup.py'"'"';f=getattr(tokenize, '"'"'open'"'"', open)(file);code=f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, file, '"'"'exec'"'"'))' install --record 'C:\Users\Hridoy\AppData\Local\Temp\pip-record-d_6jd0af\install-record.txt' --single-version-externally-managed --compile --install-headers 'C:\Users\Hridoy\Anaconda3\envs\virtual_environment_name\Include\turicreate' Check the logs for full command output.

    duplicate windows 
    opened by hridoy100 37
  • ERROR: pip's dependency resolver does not currently take into account all the packages that are installed

    ERROR: pip's dependency resolver does not currently take into account all the packages that are installed

    ubuntu 16.04, virtualenv, python3.7 Following the instructions of gpu, after installed the turicreate, execute these two cmds: (venv) pip uninstall -y tensorflow (venv) pip install tensorflow-gpu

    Then it shows: Requirement already satisfied: zipp>=0.5 in ./lib/python3.7/site-packages (from importlib-metadata->markdown>=2.6.8->tensorboard~=2.4->tensorflow-gpu) (3.4.0) Installing collected packages: tensorboard-plugin-wit, numpy, grpcio, tensorflow-estimator, tensorboard, gast, flatbuffers, astunparse, tensorflow-gpu Attempting uninstall: numpy Found existing installation: numpy 1.18.5 Uninstalling numpy-1.18.5: Successfully uninstalled numpy-1.18.5 Attempting uninstall: grpcio Found existing installation: grpcio 1.35.0 Uninstalling grpcio-1.35.0: Successfully uninstalled grpcio-1.35.0 Attempting uninstall: tensorflow-estimator Found existing installation: tensorflow-estimator 2.0.1 Uninstalling tensorflow-estimator-2.0.1: Successfully uninstalled tensorflow-estimator-2.0.1 Attempting uninstall: tensorboard Found existing installation: tensorboard 2.0.2 Uninstalling tensorboard-2.0.2: Successfully uninstalled tensorboard-2.0.2 Attempting uninstall: gast Found existing installation: gast 0.2.2 Uninstalling gast-0.2.2: Successfully uninstalled gast-0.2.2 ERROR: pip's dependency resolver does not currently take into account all the packages that are installed. This behaviour is the source of the following dependency conflicts. turicreate 6.4.1 requires tensorflow<2.1.0,>=2.0.0, which is not installed. Successfully installed astunparse-1.6.3 flatbuffers-1.12 gast-0.3.3 grpcio-1.32.0 numpy-1.19.5 tensorboard-2.4.1 tensorboard-plugin-wit-1.8.0 tensorflow-estimator-2.4.0 tensorflow-gpu-2.4.1

    Is this installation OK?

    question 
    opened by addriumruss 34
  • tc.object_detector.create doesn't create VNRecognizedObjectObservation ?

    tc.object_detector.create doesn't create VNRecognizedObjectObservation ?

    I'm using the boiler-plate code: import turicreate as tc

    Load the data

    data = tc.SFrame('annotations.sframe')

    # Make a train-test split
    train_data, test_data = data.random_split(0.8)
    
    # Create a model
    model = tc.object_detector.create(train_data, feature='image', max_iterations=100, model='darknet-yolo')
    
    # Save predictions to an SArray
    predictions = model.predict(test_data)
    			
    # Evaluate the model and save the results into a dictionary
    metrics = model.evaluate(test_data)
    
    # Save the model for later use in Turi Create
    model.save('mymodel.model')
    
    # Export for use in Core ML
    model.export_coreml('MyCustomObjectDetector.mlmodel')
    

    to train a model and the out-of-the-box project: https://developer.apple.com/documentation/vision/recognizing_objects_in_live_capture

    to try and have my objects detected in live capture. It seems like the code produces a classification object and not a VNRecognizedObjectObservation, since no box is being drawn on the mobile screen.

    By looking at the info on the .mlmodel, I can see that the outputs arrays of confidence and coordinates are multiarray of (Double 2535x1) and (Double 2535 x 4) respectively as opposed to (Double 0 x 0) for the ObjectDetector model that comes with the project.

    I'm using Version: 4.0

    bug object detection p1 
    opened by amiraeitan 32
  • tc.config.set_num_gpus fails on Ubuntu 16.0.4 with multiple GPUs

    tc.config.set_num_gpus fails on Ubuntu 16.0.4 with multiple GPUs

    Hello

    Successfully running Turi Create 5.0b1 on Ubuntu with GPU training and putting Core ML models. Very cool.

    Our system has 5 GPUs - 2x 1080s and 3x 1070s. Our Turi Create script sets tc.config.set_num_gpus(-1) but we fail to ever see any GPU other than the first in use.

    Is this a known issue? is this subject to hardware config?

    System: Ubuntu 16.0.4

    NVidia Drivers 390.48, Cuda 9.0,

    Topology:

    GPU0	GPU1	GPU2	GPU3	GPU4	CPU Affinity
    

    GPU0 X PHB PHB PHB PHB 0-3 GPU1 PHB X PHB PHB PHB 0-3 GPU2 PHB PHB X PHB PHB 0-3 GPU3 PHB PHB PHB X PHB 0-3 GPU4 PHB PHB PHB PHB X 0-3

    +-----------------------------------------------------------------------------+ | NVIDIA-SMI 390.48 Driver Version: 390.48 | |-------------------------------+----------------------+----------------------+ | GPU Name Persistence-M| Bus-Id Disp.A | Volatile Uncorr. ECC | | Fan Temp Perf Pwr:Usage/Cap| Memory-Usage | GPU-Util Compute M. | |===============================+======================+======================| | 0 GeForce GTX 1080 Off | 00000000:01:00.0 On | N/A | |100% 39C P2 58W / 180W | 1067MiB / 8116MiB | 37% Default | +-------------------------------+----------------------+----------------------+ | 1 GeForce GTX 1080 Off | 00000000:02:00.0 Off | N/A | |100% 36C P8 16W / 180W | 786MiB / 8119MiB | 0% Default | +-------------------------------+----------------------+----------------------+ | 2 GeForce GTX 1070 Off | 00000000:04:00.0 Off | N/A | |100% 30C P8 19W / 230W | 734MiB / 8119MiB | 0% Default | +-------------------------------+----------------------+----------------------+ | 3 GeForce GTX 1070 Off | 00000000:05:00.0 Off | N/A | |100% 32C P8 20W / 230W | 640MiB / 8119MiB | 0% Default | +-------------------------------+----------------------+----------------------+ | 4 GeForce GTX 1070 Off | 00000000:09:00.0 Off | N/A | |100% 29C P8 20W / 230W | 546MiB / 8119MiB | 0% Default | +-------------------------------+----------------------+----------------------+

    bug p2 
    opened by vade 32
  • unable to read from/write to a non public S3 bucket

    unable to read from/write to a non public S3 bucket

    It seems not possible to use method turicreate.aws.set_credentials() described in documentation https://apple.github.io/turicreate/docs/api/generated/turicreate.SFrame.html

    There is no aws object within turicreate. It seems also not possible to use environment variables, either when set in the shell environment, or before calling the load_sframe method.

    This is the code i'm using to get an SFrame in S3. It works well with the sframe library, but fails with turicreate

    def getSFrame(s3SFramePath): import os import turicreate as tc global S3_ACCESS_KEY, S3_SECRET_KEY os.environ['AWS_ACCESS_KEY_ID'] = S3_ACCESS_KEY os.environ['AWS_SECRET_ACCESS_KEY'] = S3_SECRET_KEY return tc.load_sframe(s3SFramePath)

    bug setup p2 engine 
    opened by davidswaven 29
  • Turi create memory error-> MemoryError: std::bad_alloc  in GPU & CPU machine

    Turi create memory error-> MemoryError: std::bad_alloc in GPU & CPU machine

    I have trained turi create model in CPU machine for 4k dataset and got memory error

    Total dataset size : 103.7 MB, Single image size in KB only .

    Machine configuration : image

    I have referred memory error already posted in https://github.com/apple/turicreate/issues/267 and updated batch_size parameter as 32 and still got same issue

    Memory error : image

    Modified batch size changes : image

    bug SFrame object detection p1 need turi repro 
    opened by dhgokul 28
  • Trying to install

    Trying to install

    Which way would you recommend installing turicreate preferably the easiest way. Tried using Jupiter Notebook like in the WWDC 2018 video, but I was having trouble importing turicreate into the environment. It always said that my python is too new and that I need v.3.6 bu ti have 3.7. does anyone know how to downgrade python using anaconda?

    question 
    opened by MatthewGCampbell 27
  • Kernel dies when trying to train object detection model with radeon 560 gpu

    Kernel dies when trying to train object detection model with radeon 560 gpu

    I have a 2018 Mac book pro with a radeon 560 gpu. I can train a object detection model with cpu using turicreate and use my radeon gpu for training other models using "plaid", but every time I try to train using turicreate and it chooses my AMD Radeon 560 gpu my kernel dies before training starts and I get this message:

    /BuildRoot/Library/Caches/com.apple.xbs/Sources/MetalPerformanceShaders/MetalPerformanceShaders-121.1.1/MPSCore/Utility/MPSLibrary.mm:218: failed assertion `MPSKernel MTLComputePipelineStateCache unable to load function cnnConv_Update_32x64. Compiler encountered an internal error: (null)

    I'm on turicreate 5.2.

    Thanks

    object detection p1 toolkits 
    opened by HugoLamarreFTC 27
  • Error when trying to 'import turicreate' in Google Cloud Datalab

    Error when trying to 'import turicreate' in Google Cloud Datalab


    ImportError Traceback (most recent call last) in () ----> 1 import turicreate

    /usr/local/envs/py3env/lib/python3.5/site-packages/turicreate/init.py`

    in () 17 from turicreate.version_info import version 18 ---> 19 from turicreate.data_structures.sgraph import Vertex, Edge 20 from turicreate.data_structures.sgraph import SGraph 21 from turicreate.data_structures.sarray import SArray

    /usr/local/envs/py3env/lib/python3.5/site-packages/turicreate/data_structures/init.py in () 16 17 from . import image ---> 18 from . import sframe 19 from . import sarray 20 from . import sgraph

    /usr/local/envs/py3env/lib/python3.5/site-packages/turicreate/data_structures/sframe.py in () 14 from future import division as _ 15 from future import absolute_import as _ ---> 16 from ..connect import main as glconnect 17 from ..cython.cy_flexible_type import infer_type_of_list 18 from ..cython.context import debug_trace as cython_context

    /usr/local/envs/py3env/lib/python3.5/site-packages/turicreate/connect/main.py in () 11 from future import absolute_import as _ 12 ---> 13 from ..cython.cy_unity import UnityGlobalProxy 14 from ..cython.cy_server import EmbeddedServer 15

    ImportError: libblas.so.3: cannot open shared object file: No such file or directory


    Above is the output of when I try import turicreate. I have trained a few models in Jupyter Notebook using turicreate on my local machine. But, Google Cloud Datalab is basically a cloud version of Jupyter Notebook, and I can't figure out how install 'libblas' as was suggested in #191

    opened by SoroushKadineh 26
  • While training object_detector in colab randomly Using CPU/GPU to create model.

    While training object_detector in colab randomly Using CPU/GPU to create model.

    While training object detector using turicreate in colab, sometimes it uses GPU & sometimes it uses CPU even though I am using a colab session with GPU

    opened by jithinpjames 0
  • CVE-2007-4559 Patch

    CVE-2007-4559 Patch

    Patching CVE-2007-4559

    Hi, we are security researchers from the Advanced Research Center at Trellix. We have began a campaign to patch a widespread bug named CVE-2007-4559. CVE-2007-4559 is a 15 year old bug in the Python tarfile package. By using extract() or extractall() on a tarfile object without sanitizing input, a maliciously crafted .tar file could perform a directory path traversal attack. We found at least one unsantized extractall() in your codebase and are providing a patch for you via pull request. The patch essentially checks to see if all tarfile members will be extracted safely and throws an exception otherwise. We encourage you to use this patch or your own solution to secure against CVE-2007-4559. Further technical information about the vulnerability can be found in this blog.

    If you have further questions you may contact us through this projects lead researcher Kasimir Schulz.

    opened by TrellixVulnTeam 0
  • Mac M2 model.export_coreml('.mlmodel') Unable to export model

    Mac M2 model.export_coreml('.mlmodel') Unable to export model

    This is my code: import turicreate as tc image_folder = 'image1/训练集' data = tc.image_analysis.load_images(image_folder, with_path=True) data['label'] = data['path'].apply (lambda path: 'D_4015' if 'D_4015' in path else 'DB_013') data.save('diller.sframe') train_data, test_data = data.random_split(0.8, seed=2) model = tc.image_classifier.create(train_data, target='label') predictions = model.predict(test_data) metrics = model.evaluate(test_data) model.export_coreml('diller.mlmodel') But an error occurred while exporting the model Error code: WARNING:root:scikit-learn version 1.1.2 is not supported. Minimum required version: 0.17. Maximum required version: 0.19.2. Disabling scikit-learn conversion API. zsh: illegal hardware instruction /opt/anaconda3/envs/diller/bin/python How can I solve this problem? Apple computers do not support Apple modules, which surprised me.

    opened by 69Big 1
  • available data sets in turicreate

    available data sets in turicreate

    Hello I have a code from GitHub for 2016 that it used (https://static.turi.com/datasets/bitcoin/market-price.csv) how can I find it? is this dataset available in turicreate?

    opened by arashsa2022 0
  • Object detection - Segfault after a large number of iterations

    Object detection - Segfault after a large number of iterations

    I am running turicreate on macos on the following computer

     Model Name:	MacBook Pro
      Model Identifier:	MacBookPro16,4
      Processor Name:	8-Core Intel Core i9
      Processor Speed:	2.4 GHz
      Number of Processors:	1
      Total Number of Cores:	8
      L2 Cache (per Core):	256 KB
      L3 Cache:	16 MB
      Hyper-Threading Technology:	Enabled
      Memory:	64 GB
      
      AMD Radeon Pro 5600M:
    
      Chipset Model:	AMD Radeon Pro 5600M
      Type:	GPU
      Bus:	PCIe
      PCIe Lane Width:	x16
      VRAM (Total):	8 GB
    

    Running macOS Monterey 12.6, Python 3.8, using virtualenv

    Turicreate Version: 6.4.1 Tensorflow Version: 2.10.0

    After about 38 thousand iterations running object detector script (which took some 21 hours) python crashed with a segfault

    Here's crash log as reported by Problem Report tool

    -------------------------------------
    Translated Report (Full Report Below)
    -------------------------------------
    
    Process:               Python [14958]
    Path:                  /usr/local/Cellar/[email protected]/3.8.14/Frameworks/Python.framework/Versions/3.8/Resources/Python.app/Contents/MacOS/Python
    Identifier:            org.python.python
    Version:               3.8.14 (3.8.14)
    Code Type:             X86-64 (Native)
    Parent Process:        zsh [8098]
    Responsible:           Terminal [410]
    User ID:               501
    
    Date/Time:             2022-10-14 10:57:03.6191 +1100
    OS Version:            macOS 12.6 (21G115)
    Report Version:        12
    Bridge OS Version:     6.6 (19P6067)
    Anonymous UUID:        XXXX
    
    Sleep/Wake UUID:       YYYY
    
    Time Awake Since Boot: 100000 seconds
    Time Since Wake:       3117 seconds
    
    System Integrity Protection: enabled
    
    Crashed Thread:        105
    
    Exception Type:        EXC_BAD_ACCESS (SIGSEGV)
    Exception Codes:       KERN_INVALID_ADDRESS at 0x0000000000000002
    Exception Codes:       0x0000000000000001, 0x0000000000000002
    Exception Note:        EXC_CORPSE_NOTIFY
    
    Termination Reason:    Namespace SIGNAL, Code 11 Segmentation fault: 11
    Terminating Process:   exc handler [14958]
    
    VM Region Info: 0x2 is not in any region.  Bytes before following region: 140737486807038
          REGION TYPE                    START - END         [ VSIZE] PRT/MAX SHRMOD  REGION DETAIL
          UNUSED SPACE AT START
    --->  
          VM_ALLOCATE              7fffffe86000-7fffffe87000 [    4K] r-x/r-x SM=ALI  
    
    Thread 0::  Dispatch queue: com.apple.main-thread
    0   libsystem_kernel.dylib        	    0x7ff8080240ea __ulock_wait + 10
    1   libsystem_pthread.dylib       	    0x7ff808060c95 _pthread_join + 358
    2   AppleVPA                      	    0x7ff81b17d1bc 0x7ff81b153000 + 172476
    3   AppleVPA                      	    0x7ff81b17572c 0x7ff81b153000 + 141100
    4   CoreFoundation                	    0x7ff8081f30c6 _CFRelease + 244
    5   CoreFoundation                	    0x7ff8080fda00 __CFArrayReleaseValues + 442
    6   CoreFoundation                	    0x7ff8081f30c6 _CFRelease + 244
    7   CMPhoto                       	    0x7ffb0a394e6e 0x7ffb0a378000 + 118382
    8   CoreFoundation                	    0x7ff8081f30c6 _CFRelease + 244
    9   ImageIO                       	    0x7ff81116d157 AppleJPEGReadPlugin::copyIOSurface(InfoRec*, CGImageProvider*, __CFDictionary const*) + 1229
    10  ImageIO                       	    0x7ff8111db7a9 IIO_Reader::CopyIOSurfaceProc(void*, CGImageProvider*, __CFDictionary const*) + 57
    11  ImageIO                       	    0x7ff81115ab08 IIOImageProviderInfo::copyIOSurface(CGImageProvider*, __CFDictionary const*) + 346
    12  ImageIO                       	    0x7ff811158a80 IIOImageProviderInfo::CopyIOSurface(void*, CGImageProvider*, __CFDictionary const*) + 436
    13  CoreImage                     	    0x7ff81132b324 -[CIImage initWithCGImage:options:] + 1399
    14  CoreImage                     	    0x7ff81144c372 -[CIImage initWithCGImageSource:index:options:] + 1180
    15  CoreImage                     	    0x7ff81144f6c5 -[CIImage initWithData:options:] + 259
    16  CoreImage                     	    0x7ff81144f565 +[CIImage imageWithData:] + 42
    17  libunity_shared.dylib         	       0x12c725b08 turi::wrap_image(turi::image_type const&) + 1656
    18  libunity_shared.dylib         	       0x12c49a6e7 turi::object_detection::simple_data_iterator::next_batch(unsigned long) + 5031
    19  libunity_shared.dylib         	       0x12c4a56c3 turi::object_detection::DataIterator::Next() + 67
    20  libunity_shared.dylib         	       0x12c492450 turi::neural_net::IteratorPublisher<turi::object_detection::DataBatch>::IteratorSubscription::Request(turi::neural_net::Demand) + 96
    21  libunity_shared.dylib         	       0x12c488389 turi::neural_net::FuturesSubscriber<turi::object_detection::TrainingOutputBatch>::Request() + 585
    22  libunity_shared.dylib         	       0x12c46beb3 turi::object_detection::object_detector::iterate_training() + 915
    23  libunity_shared.dylib         	       0x12c45b8b9 turi::object_detection::object_detector::train(turi::gl_sframe, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, turi::flexible_type, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, turi::flexible_type> > >) + 1881
    24  libunity_shared.dylib         	       0x12c4755a5 void boost::fusion::detail::invoke_impl<std::__1::__mem_fn<void (turi::object_detection::object_detector::*)(turi::gl_sframe, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, turi::flexible_type, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, turi::flexible_type> > >)>, boost::fusion::vector<turi::object_detection::object_detector*, turi::gl_sframe, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, turi::flexible_type, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, turi::flexible_type> > > >, 6, false, true, void>::call<std::__1::__mem_fn<void (turi::object_detection::object_detector::*)(turi::gl_sframe, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, turi::flexible_type, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, turi::flexible_type> > >)> >(std::__1::__mem_fn<void (turi::object_detection::object_detector::*)(turi::gl_sframe, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, turi::flexible_type, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, turi::flexible_type> > >)>&, boost::fusion::vector<turi::object_detection::object_detector*, turi::gl_sframe, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, turi::flexible_type, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, turi::flexible_type> > > >&) + 197
    25  libunity_shared.dylib         	       0x12c474e06 std::__1::function<boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> > (turi::object_detection::object_detector*, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> > > > >)> turi::toolkit_function_wrapper_impl::generate_member_function_wrapper<5ul, turi::object_detection::object_detector, void, turi::gl_sframe, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, turi::flexible_type, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, turi::flexible_type> > > >(void (turi::object_detection::object_detector::*)(turi::gl_sframe, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, turi::flexible_type, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, turi::flexible_type> > >), std::__1::vector<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, std::__1::allocator<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > > >)::'lambda'(turi::object_detection::object_detector*, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> > > > >)::operator()(turi::object_detection::object_detector*, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> > > > >) const + 518
    26  libunity_shared.dylib         	       0x12c474b91 std::__1::__function::__func<std::__1::function<boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> > (turi::object_detection::object_detector*, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> > > > >)> turi::toolkit_function_wrapper_impl::generate_member_function_wrapper<5ul, turi::object_detection::object_detector, void, turi::gl_sframe, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, turi::flexible_type, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, turi::flexible_type> > > >(void (turi::object_detection::object_detector::*)(turi::gl_sframe, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, turi::flexible_type, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, turi::flexible_type> > >), std::__1::vector<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, std::__1::allocator<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > > >)::'lambda'(turi::object_detection::object_detector*, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> > > > >), std::__1::allocator<std::__1::function<boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> > (turi::object_detection::object_detector*, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> > > > >)> turi::toolkit_function_wrapper_impl::generate_member_function_wrapper<5ul, turi::object_detection::object_detector, void, turi::gl_sframe, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, turi::flexible_type, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, turi::flexible_type> > > >(void (turi::object_detection::object_detector::*)(turi::gl_sframe, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, turi::flexible_type, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, turi::flexible_type> > >), std::__1::vector<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, std::__1::allocator<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > > >)::'lambda'(turi::object_detection::object_detector*, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> > > > >)>, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> > (turi::object_detection::object_detector*, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> > > > >)>::operator()(turi::object_detection::object_detector*&&, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> > > > >&&) + 97
    27  libunity_shared.dylib         	       0x12c475be9 std::__1::function<boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> > (turi::model_base*, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> > > > >)> turi::toolkit_class_wrapper_impl::generate_member_function_wrapper_indirect<turi::object_detection::object_detector, void, turi::gl_sframe, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, turi::flexible_type, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, turi::flexible_type> > >, char const*, char const*, char const*, char const*, char const*>(void (turi::object_detection::object_detector::*)(turi::gl_sframe, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, turi::flexible_type, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, turi::flexible_type> > >), char const*, char const*, char const*, char const*, char const*)::'lambda'(turi::model_base*, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> > > > >)::operator()(turi::model_base*, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> > > > >) const + 489
    28  libunity_shared.dylib         	       0x12c475991 std::__1::__function::__func<std::__1::function<boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> > (turi::model_base*, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> > > > >)> turi::toolkit_class_wrapper_impl::generate_member_function_wrapper_indirect<turi::object_detection::object_detector, void, turi::gl_sframe, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, turi::flexible_type, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, turi::flexible_type> > >, char const*, char const*, char const*, char const*, char const*>(void (turi::object_detection::object_detector::*)(turi::gl_sframe, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, turi::flexible_type, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, turi::flexible_type> > >), char const*, char const*, char const*, char const*, char const*)::'lambda'(turi::model_base*, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> > > > >), std::__1::allocator<std::__1::function<boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> > (turi::model_base*, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> > > > >)> turi::toolkit_class_wrapper_impl::generate_member_function_wrapper_indirect<turi::object_detection::object_detector, void, turi::gl_sframe, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, turi::flexible_type, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, turi::flexible_type> > >, char const*, char const*, char const*, char const*, char const*>(void (turi::object_detection::object_detector::*)(turi::gl_sframe, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, turi::flexible_type, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, turi::flexible_type> > >), char const*, char const*, char const*, char const*, char const*)::'lambda'(turi::model_base*, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> > > > >)>, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> > (turi::model_base*, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> > > > >)>::operator()(turi::model_base*&&, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> > > > >&&) + 97
    29  libunity_shared.dylib         	       0x12bcf3b32 turi::model_base::call_function(std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const&, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> >, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::variant<boost::detail::variant::recursive_flag<turi::flexible_type>, std::__1::shared_ptr<turi::unity_sgraph_base>, turi::dataframe_t, std::__1::shared_ptr<turi::model_base>, std::__1::shared_ptr<turi::unity_sframe_base>, std::__1::shared_ptr<turi::unity_sarray_base>, std::__1::map<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> >, boost::recursive_variant_, std::__1::less<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >, std::__1::allocator<std::__1::pair<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > const, boost::recursive_variant_> > >, std::__1::vector<boost::recursive_variant_, std::__1::allocator<boost::recursive_variant_> >, boost::recursive_wrapper<turi::function_closure_info> > > > >) + 2482
    30  cy_model.so                   	       0x12782b862 __pyx_f_10turicreate_7_cython_8cy_model_10UnityModel_call_function(__pyx_obj_10turicreate_7_cython_8cy_model_UnityModel*, _object*, int, __pyx_opt_args_10turicreate_7_cython_8cy_model_10UnityModel_call_function*) + 1058
    31  cy_model.so                   	       0x12782ef25 __pyx_pw_10turicreate_7_cython_8cy_model_10UnityModel_9call_function(_object*, _object*, _object*) + 117
    32  Python                        	       0x10f886deb method_vectorcall_VARARGS_KEYWORDS + 309
    33  Python                        	       0x10f92038d call_function + 324
    34  Python                        	       0x10f91d628 _PyEval_EvalFrameDefault + 27489
    35  Python                        	       0x10f880042 function_code_fastcall + 106
    36  Python                        	       0x10f882101 method_vectorcall + 135
    37  Python                        	       0x10f92038d call_function + 324
    38  Python                        	       0x10f91d64b _PyEval_EvalFrameDefault + 27524
    39  Python                        	       0x10f920ea1 _PyEval_EvalCodeWithName + 1932
    40  Python                        	       0x10f8801a7 _PyFunction_Vectorcall + 227
    41  Python                        	       0x10f92038d call_function + 324
    42  Python                        	       0x10f91d7b7 _PyEval_EvalFrameDefault + 27888
    43  Python                        	       0x10f920ea1 _PyEval_EvalCodeWithName + 1932
    44  Python                        	       0x10f8801a7 _PyFunction_Vectorcall + 227
    45  Python                        	       0x10f92038d call_function + 324
    46  Python                        	       0x10f91d7b7 _PyEval_EvalFrameDefault + 27888
    47  Python                        	       0x10f920ea1 _PyEval_EvalCodeWithName + 1932
    48  Python                        	       0x10f916a24 PyEval_EvalCode + 51
    49  Python                        	       0x10f94ed19 run_eval_code_obj + 102
    50  Python                        	       0x10f94dfae run_mod + 82
    51  Python                        	       0x10f94ccdd PyRun_InteractiveOneObjectEx + 534
    52  Python                        	       0x10f94c4eb PyRun_InteractiveLoopFlags + 124
    53  Python                        	       0x10f94c43c PyRun_AnyFileExFlags + 60
    54  Python                        	       0x10f9643d0 Py_RunMain + 2308
    55  Python                        	       0x10f96457d pymain_main + 307
    56  Python                        	       0x10f9645cb Py_BytesMain + 42
    57  dyld                          	       0x11741152e start + 462
    
    Thread 1:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b5eb455 turi::log_rotation_background_thread() + 1045
    3   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    4   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    5   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 2:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12baa2b61 turi::hundredms_timer::alarm_thread() + 145
    3   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    4   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    5   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 3:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12bc92dab turi::blocking_queue<std::__1::basic_string<char, std::__1::char_traits<char>, std::__1::allocator<char> > >::dequeue() + 91
    3   libunity_shared.dylib         	       0x12bc92d12 boost::detail::function::void_function_obj_invoker0<turi::unity_server::start(turi::unity_server_initializer const&)::$_0, void>::invoke(boost::detail::function::function_buffer&) + 98
    4   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 4:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b684a3b turi::blocking_queue<std::__1::pair<boost::function<void ()>, int> >::dequeue() + 91
    3   libunity_shared.dylib         	       0x12b683e7a turi::thread_pool::wait_for_task() + 122
    4   libunity_shared.dylib         	       0x12b680189 turi::thread_group::invoke(boost::function<void ()>, turi::thread_group*) + 41
    5   libunity_shared.dylib         	       0x12b6824ae void boost::_bi::list2<boost::_bi::value<boost::function<void ()> >, boost::_bi::value<turi::thread_group*> >::operator()<void (*)(boost::function<void ()>, turi::thread_group*), boost::_bi::list0>(boost::_bi::type<void>, void (*&)(boost::function<void ()>, turi::thread_group*), boost::_bi::list0&, int) + 94
    6   libunity_shared.dylib         	       0x12b6821ca boost::detail::function::void_function_obj_invoker0<boost::_bi::bind_t<void, void (*)(boost::function<void ()>, turi::thread_group*), boost::_bi::list2<boost::_bi::value<boost::function<void ()> >, boost::_bi::value<turi::thread_group*> > >, void>::invoke(boost::detail::function::function_buffer&) + 26
    7   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    8   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    9   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 5:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b684a3b turi::blocking_queue<std::__1::pair<boost::function<void ()>, int> >::dequeue() + 91
    3   libunity_shared.dylib         	       0x12b683e7a turi::thread_pool::wait_for_task() + 122
    4   libunity_shared.dylib         	       0x12b680189 turi::thread_group::invoke(boost::function<void ()>, turi::thread_group*) + 41
    5   libunity_shared.dylib         	       0x12b6824ae void boost::_bi::list2<boost::_bi::value<boost::function<void ()> >, boost::_bi::value<turi::thread_group*> >::operator()<void (*)(boost::function<void ()>, turi::thread_group*), boost::_bi::list0>(boost::_bi::type<void>, void (*&)(boost::function<void ()>, turi::thread_group*), boost::_bi::list0&, int) + 94
    6   libunity_shared.dylib         	       0x12b6821ca boost::detail::function::void_function_obj_invoker0<boost::_bi::bind_t<void, void (*)(boost::function<void ()>, turi::thread_group*), boost::_bi::list2<boost::_bi::value<boost::function<void ()> >, boost::_bi::value<turi::thread_group*> > >, void>::invoke(boost::detail::function::function_buffer&) + 26
    7   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    8   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    9   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 6:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b684a3b turi::blocking_queue<std::__1::pair<boost::function<void ()>, int> >::dequeue() + 91
    3   libunity_shared.dylib         	       0x12b683e7a turi::thread_pool::wait_for_task() + 122
    4   libunity_shared.dylib         	       0x12b680189 turi::thread_group::invoke(boost::function<void ()>, turi::thread_group*) + 41
    5   libunity_shared.dylib         	       0x12b6824ae void boost::_bi::list2<boost::_bi::value<boost::function<void ()> >, boost::_bi::value<turi::thread_group*> >::operator()<void (*)(boost::function<void ()>, turi::thread_group*), boost::_bi::list0>(boost::_bi::type<void>, void (*&)(boost::function<void ()>, turi::thread_group*), boost::_bi::list0&, int) + 94
    6   libunity_shared.dylib         	       0x12b6821ca boost::detail::function::void_function_obj_invoker0<boost::_bi::bind_t<void, void (*)(boost::function<void ()>, turi::thread_group*), boost::_bi::list2<boost::_bi::value<boost::function<void ()> >, boost::_bi::value<turi::thread_group*> > >, void>::invoke(boost::detail::function::function_buffer&) + 26
    7   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    8   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    9   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 7:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b684a3b turi::blocking_queue<std::__1::pair<boost::function<void ()>, int> >::dequeue() + 91
    3   libunity_shared.dylib         	       0x12b683e7a turi::thread_pool::wait_for_task() + 122
    4   libunity_shared.dylib         	       0x12b680189 turi::thread_group::invoke(boost::function<void ()>, turi::thread_group*) + 41
    5   libunity_shared.dylib         	       0x12b6824ae void boost::_bi::list2<boost::_bi::value<boost::function<void ()> >, boost::_bi::value<turi::thread_group*> >::operator()<void (*)(boost::function<void ()>, turi::thread_group*), boost::_bi::list0>(boost::_bi::type<void>, void (*&)(boost::function<void ()>, turi::thread_group*), boost::_bi::list0&, int) + 94
    6   libunity_shared.dylib         	       0x12b6821ca boost::detail::function::void_function_obj_invoker0<boost::_bi::bind_t<void, void (*)(boost::function<void ()>, turi::thread_group*), boost::_bi::list2<boost::_bi::value<boost::function<void ()> >, boost::_bi::value<turi::thread_group*> > >, void>::invoke(boost::detail::function::function_buffer&) + 26
    7   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    8   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    9   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 8:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b684a3b turi::blocking_queue<std::__1::pair<boost::function<void ()>, int> >::dequeue() + 91
    3   libunity_shared.dylib         	       0x12b683e7a turi::thread_pool::wait_for_task() + 122
    4   libunity_shared.dylib         	       0x12b680189 turi::thread_group::invoke(boost::function<void ()>, turi::thread_group*) + 41
    5   libunity_shared.dylib         	       0x12b6824ae void boost::_bi::list2<boost::_bi::value<boost::function<void ()> >, boost::_bi::value<turi::thread_group*> >::operator()<void (*)(boost::function<void ()>, turi::thread_group*), boost::_bi::list0>(boost::_bi::type<void>, void (*&)(boost::function<void ()>, turi::thread_group*), boost::_bi::list0&, int) + 94
    6   libunity_shared.dylib         	       0x12b6821ca boost::detail::function::void_function_obj_invoker0<boost::_bi::bind_t<void, void (*)(boost::function<void ()>, turi::thread_group*), boost::_bi::list2<boost::_bi::value<boost::function<void ()> >, boost::_bi::value<turi::thread_group*> > >, void>::invoke(boost::detail::function::function_buffer&) + 26
    7   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    8   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    9   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 9:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b684a3b turi::blocking_queue<std::__1::pair<boost::function<void ()>, int> >::dequeue() + 91
    3   libunity_shared.dylib         	       0x12b683e7a turi::thread_pool::wait_for_task() + 122
    4   libunity_shared.dylib         	       0x12b680189 turi::thread_group::invoke(boost::function<void ()>, turi::thread_group*) + 41
    5   libunity_shared.dylib         	       0x12b6824ae void boost::_bi::list2<boost::_bi::value<boost::function<void ()> >, boost::_bi::value<turi::thread_group*> >::operator()<void (*)(boost::function<void ()>, turi::thread_group*), boost::_bi::list0>(boost::_bi::type<void>, void (*&)(boost::function<void ()>, turi::thread_group*), boost::_bi::list0&, int) + 94
    6   libunity_shared.dylib         	       0x12b6821ca boost::detail::function::void_function_obj_invoker0<boost::_bi::bind_t<void, void (*)(boost::function<void ()>, turi::thread_group*), boost::_bi::list2<boost::_bi::value<boost::function<void ()> >, boost::_bi::value<turi::thread_group*> > >, void>::invoke(boost::detail::function::function_buffer&) + 26
    7   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    8   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    9   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 10:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b684a3b turi::blocking_queue<std::__1::pair<boost::function<void ()>, int> >::dequeue() + 91
    3   libunity_shared.dylib         	       0x12b683e7a turi::thread_pool::wait_for_task() + 122
    4   libunity_shared.dylib         	       0x12b680189 turi::thread_group::invoke(boost::function<void ()>, turi::thread_group*) + 41
    5   libunity_shared.dylib         	       0x12b6824ae void boost::_bi::list2<boost::_bi::value<boost::function<void ()> >, boost::_bi::value<turi::thread_group*> >::operator()<void (*)(boost::function<void ()>, turi::thread_group*), boost::_bi::list0>(boost::_bi::type<void>, void (*&)(boost::function<void ()>, turi::thread_group*), boost::_bi::list0&, int) + 94
    6   libunity_shared.dylib         	       0x12b6821ca boost::detail::function::void_function_obj_invoker0<boost::_bi::bind_t<void, void (*)(boost::function<void ()>, turi::thread_group*), boost::_bi::list2<boost::_bi::value<boost::function<void ()> >, boost::_bi::value<turi::thread_group*> > >, void>::invoke(boost::detail::function::function_buffer&) + 26
    7   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    8   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    9   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 11:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b684a3b turi::blocking_queue<std::__1::pair<boost::function<void ()>, int> >::dequeue() + 91
    3   libunity_shared.dylib         	       0x12b683e7a turi::thread_pool::wait_for_task() + 122
    4   libunity_shared.dylib         	       0x12b680189 turi::thread_group::invoke(boost::function<void ()>, turi::thread_group*) + 41
    5   libunity_shared.dylib         	       0x12b6824ae void boost::_bi::list2<boost::_bi::value<boost::function<void ()> >, boost::_bi::value<turi::thread_group*> >::operator()<void (*)(boost::function<void ()>, turi::thread_group*), boost::_bi::list0>(boost::_bi::type<void>, void (*&)(boost::function<void ()>, turi::thread_group*), boost::_bi::list0&, int) + 94
    6   libunity_shared.dylib         	       0x12b6821ca boost::detail::function::void_function_obj_invoker0<boost::_bi::bind_t<void, void (*)(boost::function<void ()>, turi::thread_group*), boost::_bi::list2<boost::_bi::value<boost::function<void ()> >, boost::_bi::value<turi::thread_group*> > >, void>::invoke(boost::detail::function::function_buffer&) + 26
    7   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    8   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    9   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 12:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b684a3b turi::blocking_queue<std::__1::pair<boost::function<void ()>, int> >::dequeue() + 91
    3   libunity_shared.dylib         	       0x12b683e7a turi::thread_pool::wait_for_task() + 122
    4   libunity_shared.dylib         	       0x12b680189 turi::thread_group::invoke(boost::function<void ()>, turi::thread_group*) + 41
    5   libunity_shared.dylib         	       0x12b6824ae void boost::_bi::list2<boost::_bi::value<boost::function<void ()> >, boost::_bi::value<turi::thread_group*> >::operator()<void (*)(boost::function<void ()>, turi::thread_group*), boost::_bi::list0>(boost::_bi::type<void>, void (*&)(boost::function<void ()>, turi::thread_group*), boost::_bi::list0&, int) + 94
    6   libunity_shared.dylib         	       0x12b6821ca boost::detail::function::void_function_obj_invoker0<boost::_bi::bind_t<void, void (*)(boost::function<void ()>, turi::thread_group*), boost::_bi::list2<boost::_bi::value<boost::function<void ()> >, boost::_bi::value<turi::thread_group*> > >, void>::invoke(boost::detail::function::function_buffer&) + 26
    7   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    8   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    9   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 13:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b684a3b turi::blocking_queue<std::__1::pair<boost::function<void ()>, int> >::dequeue() + 91
    3   libunity_shared.dylib         	       0x12b683e7a turi::thread_pool::wait_for_task() + 122
    4   libunity_shared.dylib         	       0x12b680189 turi::thread_group::invoke(boost::function<void ()>, turi::thread_group*) + 41
    5   libunity_shared.dylib         	       0x12b6824ae void boost::_bi::list2<boost::_bi::value<boost::function<void ()> >, boost::_bi::value<turi::thread_group*> >::operator()<void (*)(boost::function<void ()>, turi::thread_group*), boost::_bi::list0>(boost::_bi::type<void>, void (*&)(boost::function<void ()>, turi::thread_group*), boost::_bi::list0&, int) + 94
    6   libunity_shared.dylib         	       0x12b6821ca boost::detail::function::void_function_obj_invoker0<boost::_bi::bind_t<void, void (*)(boost::function<void ()>, turi::thread_group*), boost::_bi::list2<boost::_bi::value<boost::function<void ()> >, boost::_bi::value<turi::thread_group*> > >, void>::invoke(boost::detail::function::function_buffer&) + 26
    7   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    8   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    9   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 14:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b684a3b turi::blocking_queue<std::__1::pair<boost::function<void ()>, int> >::dequeue() + 91
    3   libunity_shared.dylib         	       0x12b683e7a turi::thread_pool::wait_for_task() + 122
    4   libunity_shared.dylib         	       0x12b680189 turi::thread_group::invoke(boost::function<void ()>, turi::thread_group*) + 41
    5   libunity_shared.dylib         	       0x12b6824ae void boost::_bi::list2<boost::_bi::value<boost::function<void ()> >, boost::_bi::value<turi::thread_group*> >::operator()<void (*)(boost::function<void ()>, turi::thread_group*), boost::_bi::list0>(boost::_bi::type<void>, void (*&)(boost::function<void ()>, turi::thread_group*), boost::_bi::list0&, int) + 94
    6   libunity_shared.dylib         	       0x12b6821ca boost::detail::function::void_function_obj_invoker0<boost::_bi::bind_t<void, void (*)(boost::function<void ()>, turi::thread_group*), boost::_bi::list2<boost::_bi::value<boost::function<void ()> >, boost::_bi::value<turi::thread_group*> > >, void>::invoke(boost::detail::function::function_buffer&) + 26
    7   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    8   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    9   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 15:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b684a3b turi::blocking_queue<std::__1::pair<boost::function<void ()>, int> >::dequeue() + 91
    3   libunity_shared.dylib         	       0x12b683e7a turi::thread_pool::wait_for_task() + 122
    4   libunity_shared.dylib         	       0x12b680189 turi::thread_group::invoke(boost::function<void ()>, turi::thread_group*) + 41
    5   libunity_shared.dylib         	       0x12b6824ae void boost::_bi::list2<boost::_bi::value<boost::function<void ()> >, boost::_bi::value<turi::thread_group*> >::operator()<void (*)(boost::function<void ()>, turi::thread_group*), boost::_bi::list0>(boost::_bi::type<void>, void (*&)(boost::function<void ()>, turi::thread_group*), boost::_bi::list0&, int) + 94
    6   libunity_shared.dylib         	       0x12b6821ca boost::detail::function::void_function_obj_invoker0<boost::_bi::bind_t<void, void (*)(boost::function<void ()>, turi::thread_group*), boost::_bi::list2<boost::_bi::value<boost::function<void ()> >, boost::_bi::value<turi::thread_group*> > >, void>::invoke(boost::detail::function::function_buffer&) + 26
    7   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    8   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    9   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 16:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b684a3b turi::blocking_queue<std::__1::pair<boost::function<void ()>, int> >::dequeue() + 91
    3   libunity_shared.dylib         	       0x12b683e7a turi::thread_pool::wait_for_task() + 122
    4   libunity_shared.dylib         	       0x12b680189 turi::thread_group::invoke(boost::function<void ()>, turi::thread_group*) + 41
    5   libunity_shared.dylib         	       0x12b6824ae void boost::_bi::list2<boost::_bi::value<boost::function<void ()> >, boost::_bi::value<turi::thread_group*> >::operator()<void (*)(boost::function<void ()>, turi::thread_group*), boost::_bi::list0>(boost::_bi::type<void>, void (*&)(boost::function<void ()>, turi::thread_group*), boost::_bi::list0&, int) + 94
    6   libunity_shared.dylib         	       0x12b6821ca boost::detail::function::void_function_obj_invoker0<boost::_bi::bind_t<void, void (*)(boost::function<void ()>, turi::thread_group*), boost::_bi::list2<boost::_bi::value<boost::function<void ()> >, boost::_bi::value<turi::thread_group*> > >, void>::invoke(boost::detail::function::function_buffer&) + 26
    7   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    8   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    9   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 17:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b684a3b turi::blocking_queue<std::__1::pair<boost::function<void ()>, int> >::dequeue() + 91
    3   libunity_shared.dylib         	       0x12b683e7a turi::thread_pool::wait_for_task() + 122
    4   libunity_shared.dylib         	       0x12b680189 turi::thread_group::invoke(boost::function<void ()>, turi::thread_group*) + 41
    5   libunity_shared.dylib         	       0x12b6824ae void boost::_bi::list2<boost::_bi::value<boost::function<void ()> >, boost::_bi::value<turi::thread_group*> >::operator()<void (*)(boost::function<void ()>, turi::thread_group*), boost::_bi::list0>(boost::_bi::type<void>, void (*&)(boost::function<void ()>, turi::thread_group*), boost::_bi::list0&, int) + 94
    6   libunity_shared.dylib         	       0x12b6821ca boost::detail::function::void_function_obj_invoker0<boost::_bi::bind_t<void, void (*)(boost::function<void ()>, turi::thread_group*), boost::_bi::list2<boost::_bi::value<boost::function<void ()> >, boost::_bi::value<turi::thread_group*> > >, void>::invoke(boost::detail::function::function_buffer&) + 26
    7   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    8   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    9   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 18:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b684a3b turi::blocking_queue<std::__1::pair<boost::function<void ()>, int> >::dequeue() + 91
    3   libunity_shared.dylib         	       0x12b683e7a turi::thread_pool::wait_for_task() + 122
    4   libunity_shared.dylib         	       0x12b680189 turi::thread_group::invoke(boost::function<void ()>, turi::thread_group*) + 41
    5   libunity_shared.dylib         	       0x12b6824ae void boost::_bi::list2<boost::_bi::value<boost::function<void ()> >, boost::_bi::value<turi::thread_group*> >::operator()<void (*)(boost::function<void ()>, turi::thread_group*), boost::_bi::list0>(boost::_bi::type<void>, void (*&)(boost::function<void ()>, turi::thread_group*), boost::_bi::list0&, int) + 94
    6   libunity_shared.dylib         	       0x12b6821ca boost::detail::function::void_function_obj_invoker0<boost::_bi::bind_t<void, void (*)(boost::function<void ()>, turi::thread_group*), boost::_bi::list2<boost::_bi::value<boost::function<void ()> >, boost::_bi::value<turi::thread_group*> > >, void>::invoke(boost::detail::function::function_buffer&) + 26
    7   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    8   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    9   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 19:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b684a3b turi::blocking_queue<std::__1::pair<boost::function<void ()>, int> >::dequeue() + 91
    3   libunity_shared.dylib         	       0x12b683e7a turi::thread_pool::wait_for_task() + 122
    4   libunity_shared.dylib         	       0x12b680189 turi::thread_group::invoke(boost::function<void ()>, turi::thread_group*) + 41
    5   libunity_shared.dylib         	       0x12b6824ae void boost::_bi::list2<boost::_bi::value<boost::function<void ()> >, boost::_bi::value<turi::thread_group*> >::operator()<void (*)(boost::function<void ()>, turi::thread_group*), boost::_bi::list0>(boost::_bi::type<void>, void (*&)(boost::function<void ()>, turi::thread_group*), boost::_bi::list0&, int) + 94
    6   libunity_shared.dylib         	       0x12b6821ca boost::detail::function::void_function_obj_invoker0<boost::_bi::bind_t<void, void (*)(boost::function<void ()>, turi::thread_group*), boost::_bi::list2<boost::_bi::value<boost::function<void ()> >, boost::_bi::value<turi::thread_group*> > >, void>::invoke(boost::detail::function::function_buffer&) + 26
    7   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    8   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    9   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 20:
    0   libsystem_kernel.dylib        	    0x7ff80802734e kevent + 10
    1   libunity_shared.dylib         	       0x12c86012f nn_poller_wait + 111
    2   libunity_shared.dylib         	       0x12c8630e3 nn_worker_routine + 515
    3   libunity_shared.dylib         	       0x12c88358d nn_thread_main_routine + 13
    4   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    5   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 21:
    0   libsystem_kernel.dylib        	    0x7ff8080290aa poll + 10
    1   libunity_shared.dylib         	       0x12c881f57 nn_efd_wait + 39
    2   libunity_shared.dylib         	       0x12c8670a3 nn_sock_recv + 259
    3   libunity_shared.dylib         	       0x12c864e1b nn_recvmsg + 155
    4   libunity_shared.dylib         	       0x12c864d7a nn_recv + 58
    5   libunity_shared.dylib         	       0x12b6632d4 turi::nanosockets::subscribe_socket::thread_function() + 132
    6   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    7   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    8   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 22:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b4ceae9 boost::condition_variable::do_wait_until(boost::unique_lock<boost::mutex>&, boost::detail::real_platform_timepoint const&) + 73
    3   libunity_shared.dylib         	       0x12b4cbc7c boost::detail::thread_data<cppipc::comm_client::start()::$_2>::run() + 332
    4   libunity_shared.dylib         	       0x12c8a4ac8 boost::(anonymous namespace)::thread_proxy(void*) + 136
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 23:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b4c0a61 boost::condition_variable::wait(boost::unique_lock<boost::mutex>&) + 65
    3   libunity_shared.dylib         	       0x12b4c0683 cppipc::comm_client::status_callback_thread_function() + 243
    4   libunity_shared.dylib         	       0x12c8a4ac8 boost::(anonymous namespace)::thread_proxy(void*) + 136
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 24:
    0   libsystem_kernel.dylib        	    0x7ff8080290aa poll + 10
    1   libunity_shared.dylib         	       0x12c881f57 nn_efd_wait + 39
    2   libunity_shared.dylib         	       0x12c8670a3 nn_sock_recv + 259
    3   libunity_shared.dylib         	       0x12c864e1b nn_recvmsg + 155
    4   libunity_shared.dylib         	       0x12c864d7a nn_recv + 58
    5   libunity_shared.dylib         	       0x12b6632d4 turi::nanosockets::subscribe_socket::thread_function() + 132
    6   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    7   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    8   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 25:
    0   libsystem_kernel.dylib        	    0x7ff8080290aa poll + 10
    1   libunity_shared.dylib         	       0x12c8658e2 nn_poll + 274
    2   libunity_shared.dylib         	       0x12b6632ae turi::nanosockets::subscribe_socket::thread_function() + 94
    3   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    4   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    5   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 26:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b4ceae9 boost::condition_variable::do_wait_until(boost::unique_lock<boost::mutex>&, boost::detail::real_platform_timepoint const&) + 73
    3   libunity_shared.dylib         	       0x12b4cbc7c boost::detail::thread_data<cppipc::comm_client::start()::$_2>::run() + 332
    4   libunity_shared.dylib         	       0x12c8a4ac8 boost::(anonymous namespace)::thread_proxy(void*) + 136
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 27:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b4c0a61 boost::condition_variable::wait(boost::unique_lock<boost::mutex>&) + 65
    3   libunity_shared.dylib         	       0x12b4c0683 cppipc::comm_client::status_callback_thread_function() + 243
    4   libunity_shared.dylib         	       0x12c8a4ac8 boost::(anonymous namespace)::thread_proxy(void*) + 136
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 28:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b4ceae9 boost::condition_variable::do_wait_until(boost::unique_lock<boost::mutex>&, boost::detail::real_platform_timepoint const&) + 73
    3   libunity_shared.dylib         	       0x12b4cbc7c boost::detail::thread_data<cppipc::comm_client::start()::$_2>::run() + 332
    4   libunity_shared.dylib         	       0x12c8a4ac8 boost::(anonymous namespace)::thread_proxy(void*) + 136
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 29:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b4c0a61 boost::condition_variable::wait(boost::unique_lock<boost::mutex>&) + 65
    3   libunity_shared.dylib         	       0x12b4c0683 cppipc::comm_client::status_callback_thread_function() + 243
    4   libunity_shared.dylib         	       0x12c8a4ac8 boost::(anonymous namespace)::thread_proxy(void*) + 136
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 30:
    0   libsystem_kernel.dylib        	    0x7ff8080290aa poll + 10
    1   libunity_shared.dylib         	       0x12c881f57 nn_efd_wait + 39
    2   libunity_shared.dylib         	       0x12c8670a3 nn_sock_recv + 259
    3   libunity_shared.dylib         	       0x12c864e1b nn_recvmsg + 155
    4   libunity_shared.dylib         	       0x12c864d7a nn_recv + 58
    5   libunity_shared.dylib         	       0x12b6632d4 turi::nanosockets::subscribe_socket::thread_function() + 132
    6   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    7   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    8   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 31:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b4ceae9 boost::condition_variable::do_wait_until(boost::unique_lock<boost::mutex>&, boost::detail::real_platform_timepoint const&) + 73
    3   libunity_shared.dylib         	       0x12b4cbc7c boost::detail::thread_data<cppipc::comm_client::start()::$_2>::run() + 332
    4   libunity_shared.dylib         	       0x12c8a4ac8 boost::(anonymous namespace)::thread_proxy(void*) + 136
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 32:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b4c0a61 boost::condition_variable::wait(boost::unique_lock<boost::mutex>&) + 65
    3   libunity_shared.dylib         	       0x12b4c0683 cppipc::comm_client::status_callback_thread_function() + 243
    4   libunity_shared.dylib         	       0x12c8a4ac8 boost::(anonymous namespace)::thread_proxy(void*) + 136
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 33:
    0   libsystem_kernel.dylib        	    0x7ff8080290aa poll + 10
    1   libunity_shared.dylib         	       0x12c881f57 nn_efd_wait + 39
    2   libunity_shared.dylib         	       0x12c8670a3 nn_sock_recv + 259
    3   libunity_shared.dylib         	       0x12c864e1b nn_recvmsg + 155
    4   libunity_shared.dylib         	       0x12c864d7a nn_recv + 58
    5   libunity_shared.dylib         	       0x12b6632d4 turi::nanosockets::subscribe_socket::thread_function() + 132
    6   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    7   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    8   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 34:
    0   libsystem_kernel.dylib        	    0x7ff8080290aa poll + 10
    1   libunity_shared.dylib         	       0x12c881f57 nn_efd_wait + 39
    2   libunity_shared.dylib         	       0x12c8670a3 nn_sock_recv + 259
    3   libunity_shared.dylib         	       0x12c864e1b nn_recvmsg + 155
    4   libunity_shared.dylib         	       0x12c864d7a nn_recv + 58
    5   libunity_shared.dylib         	       0x12b6632d4 turi::nanosockets::subscribe_socket::thread_function() + 132
    6   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    7   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    8   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 35:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b4ceae9 boost::condition_variable::do_wait_until(boost::unique_lock<boost::mutex>&, boost::detail::real_platform_timepoint const&) + 73
    3   libunity_shared.dylib         	       0x12b4cbc7c boost::detail::thread_data<cppipc::comm_client::start()::$_2>::run() + 332
    4   libunity_shared.dylib         	       0x12c8a4ac8 boost::(anonymous namespace)::thread_proxy(void*) + 136
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 36:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b4c0a61 boost::condition_variable::wait(boost::unique_lock<boost::mutex>&) + 65
    3   libunity_shared.dylib         	       0x12b4c0683 cppipc::comm_client::status_callback_thread_function() + 243
    4   libunity_shared.dylib         	       0x12c8a4ac8 boost::(anonymous namespace)::thread_proxy(void*) + 136
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 37:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b4ceae9 boost::condition_variable::do_wait_until(boost::unique_lock<boost::mutex>&, boost::detail::real_platform_timepoint const&) + 73
    3   libunity_shared.dylib         	       0x12b4cbc7c boost::detail::thread_data<cppipc::comm_client::start()::$_2>::run() + 332
    4   libunity_shared.dylib         	       0x12c8a4ac8 boost::(anonymous namespace)::thread_proxy(void*) + 136
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 38:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b4c0a61 boost::condition_variable::wait(boost::unique_lock<boost::mutex>&) + 65
    3   libunity_shared.dylib         	       0x12b4c0683 cppipc::comm_client::status_callback_thread_function() + 243
    4   libunity_shared.dylib         	       0x12c8a4ac8 boost::(anonymous namespace)::thread_proxy(void*) + 136
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 39:
    0   libsystem_kernel.dylib        	    0x7ff8080290aa poll + 10
    1   libunity_shared.dylib         	       0x12c8658e2 nn_poll + 274
    2   libunity_shared.dylib         	       0x12b6632ae turi::nanosockets::subscribe_socket::thread_function() + 94
    3   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    4   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    5   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 40:
    0   libsystem_kernel.dylib        	    0x7ff8080290aa poll + 10
    1   libunity_shared.dylib         	       0x12c8658e2 nn_poll + 274
    2   libunity_shared.dylib         	       0x12b6632ae turi::nanosockets::subscribe_socket::thread_function() + 94
    3   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    4   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    5   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 41:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b4ceae9 boost::condition_variable::do_wait_until(boost::unique_lock<boost::mutex>&, boost::detail::real_platform_timepoint const&) + 73
    3   libunity_shared.dylib         	       0x12b4cbc7c boost::detail::thread_data<cppipc::comm_client::start()::$_2>::run() + 332
    4   libunity_shared.dylib         	       0x12c8a4ac8 boost::(anonymous namespace)::thread_proxy(void*) + 136
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 42:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b4c0a61 boost::condition_variable::wait(boost::unique_lock<boost::mutex>&) + 65
    3   libunity_shared.dylib         	       0x12b4c0683 cppipc::comm_client::status_callback_thread_function() + 243
    4   libunity_shared.dylib         	       0x12c8a4ac8 boost::(anonymous namespace)::thread_proxy(void*) + 136
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 43:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b4ceae9 boost::condition_variable::do_wait_until(boost::unique_lock<boost::mutex>&, boost::detail::real_platform_timepoint const&) + 73
    3   libunity_shared.dylib         	       0x12b4cbc7c boost::detail::thread_data<cppipc::comm_client::start()::$_2>::run() + 332
    4   libunity_shared.dylib         	       0x12c8a4ac8 boost::(anonymous namespace)::thread_proxy(void*) + 136
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 44:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b4c0a61 boost::condition_variable::wait(boost::unique_lock<boost::mutex>&) + 65
    3   libunity_shared.dylib         	       0x12b4c0683 cppipc::comm_client::status_callback_thread_function() + 243
    4   libunity_shared.dylib         	       0x12c8a4ac8 boost::(anonymous namespace)::thread_proxy(void*) + 136
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 45:
    0   libsystem_kernel.dylib        	    0x7ff8080290aa poll + 10
    1   libunity_shared.dylib         	       0x12c881f57 nn_efd_wait + 39
    2   libunity_shared.dylib         	       0x12c8670a3 nn_sock_recv + 259
    3   libunity_shared.dylib         	       0x12c864e1b nn_recvmsg + 155
    4   libunity_shared.dylib         	       0x12c864d7a nn_recv + 58
    5   libunity_shared.dylib         	       0x12b6632d4 turi::nanosockets::subscribe_socket::thread_function() + 132
    6   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    7   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    8   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 46:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b4ceae9 boost::condition_variable::do_wait_until(boost::unique_lock<boost::mutex>&, boost::detail::real_platform_timepoint const&) + 73
    3   libunity_shared.dylib         	       0x12b4cbc7c boost::detail::thread_data<cppipc::comm_client::start()::$_2>::run() + 332
    4   libunity_shared.dylib         	       0x12c8a4ac8 boost::(anonymous namespace)::thread_proxy(void*) + 136
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 47:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b4c0a61 boost::condition_variable::wait(boost::unique_lock<boost::mutex>&) + 65
    3   libunity_shared.dylib         	       0x12b4c0683 cppipc::comm_client::status_callback_thread_function() + 243
    4   libunity_shared.dylib         	       0x12c8a4ac8 boost::(anonymous namespace)::thread_proxy(void*) + 136
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 48:
    0   libsystem_kernel.dylib        	    0x7ff8080290aa poll + 10
    1   libunity_shared.dylib         	       0x12c881f57 nn_efd_wait + 39
    2   libunity_shared.dylib         	       0x12c8670a3 nn_sock_recv + 259
    3   libunity_shared.dylib         	       0x12c864e1b nn_recvmsg + 155
    4   libunity_shared.dylib         	       0x12c864d7a nn_recv + 58
    5   libunity_shared.dylib         	       0x12b6632d4 turi::nanosockets::subscribe_socket::thread_function() + 132
    6   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    7   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    8   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 49:
    0   libsystem_kernel.dylib        	    0x7ff8080290aa poll + 10
    1   libunity_shared.dylib         	       0x12c8658e2 nn_poll + 274
    2   libunity_shared.dylib         	       0x12b6632ae turi::nanosockets::subscribe_socket::thread_function() + 94
    3   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    4   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    5   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 50:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b4ceae9 boost::condition_variable::do_wait_until(boost::unique_lock<boost::mutex>&, boost::detail::real_platform_timepoint const&) + 73
    3   libunity_shared.dylib         	       0x12b4cbc7c boost::detail::thread_data<cppipc::comm_client::start()::$_2>::run() + 332
    4   libunity_shared.dylib         	       0x12c8a4ac8 boost::(anonymous namespace)::thread_proxy(void*) + 136
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 51:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b4c0a61 boost::condition_variable::wait(boost::unique_lock<boost::mutex>&) + 65
    3   libunity_shared.dylib         	       0x12b4c0683 cppipc::comm_client::status_callback_thread_function() + 243
    4   libunity_shared.dylib         	       0x12c8a4ac8 boost::(anonymous namespace)::thread_proxy(void*) + 136
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 52:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b4ceae9 boost::condition_variable::do_wait_until(boost::unique_lock<boost::mutex>&, boost::detail::real_platform_timepoint const&) + 73
    3   libunity_shared.dylib         	       0x12b4cbc7c boost::detail::thread_data<cppipc::comm_client::start()::$_2>::run() + 332
    4   libunity_shared.dylib         	       0x12c8a4ac8 boost::(anonymous namespace)::thread_proxy(void*) + 136
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 53:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b4c0a61 boost::condition_variable::wait(boost::unique_lock<boost::mutex>&) + 65
    3   libunity_shared.dylib         	       0x12b4c0683 cppipc::comm_client::status_callback_thread_function() + 243
    4   libunity_shared.dylib         	       0x12c8a4ac8 boost::(anonymous namespace)::thread_proxy(void*) + 136
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 54:
    0   libsystem_kernel.dylib        	    0x7ff8080290aa poll + 10
    1   libunity_shared.dylib         	       0x12c881f57 nn_efd_wait + 39
    2   libunity_shared.dylib         	       0x12c8670a3 nn_sock_recv + 259
    3   libunity_shared.dylib         	       0x12c864e1b nn_recvmsg + 155
    4   libunity_shared.dylib         	       0x12c864d7a nn_recv + 58
    5   libunity_shared.dylib         	       0x12b6632d4 turi::nanosockets::subscribe_socket::thread_function() + 132
    6   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    7   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    8   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 55:
    0   libsystem_kernel.dylib        	    0x7ff8080290aa poll + 10
    1   libunity_shared.dylib         	       0x12c8658e2 nn_poll + 274
    2   libunity_shared.dylib         	       0x12b6632ae turi::nanosockets::subscribe_socket::thread_function() + 94
    3   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    4   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    5   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 56:
    0   libsystem_kernel.dylib        	    0x7ff8080290aa poll + 10
    1   libunity_shared.dylib         	       0x12c881f57 nn_efd_wait + 39
    2   libunity_shared.dylib         	       0x12c8670a3 nn_sock_recv + 259
    3   libunity_shared.dylib         	       0x12c864e1b nn_recvmsg + 155
    4   libunity_shared.dylib         	       0x12c864d7a nn_recv + 58
    5   libunity_shared.dylib         	       0x12b6632d4 turi::nanosockets::subscribe_socket::thread_function() + 132
    6   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    7   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    8   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 57:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b4ceae9 boost::condition_variable::do_wait_until(boost::unique_lock<boost::mutex>&, boost::detail::real_platform_timepoint const&) + 73
    3   libunity_shared.dylib         	       0x12b4cbc7c boost::detail::thread_data<cppipc::comm_client::start()::$_2>::run() + 332
    4   libunity_shared.dylib         	       0x12c8a4ac8 boost::(anonymous namespace)::thread_proxy(void*) + 136
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 58:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b4ceae9 boost::condition_variable::do_wait_until(boost::unique_lock<boost::mutex>&, boost::detail::real_platform_timepoint const&) + 73
    3   libunity_shared.dylib         	       0x12b4cbc7c boost::detail::thread_data<cppipc::comm_client::start()::$_2>::run() + 332
    4   libunity_shared.dylib         	       0x12c8a4ac8 boost::(anonymous namespace)::thread_proxy(void*) + 136
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 59:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b4c0a61 boost::condition_variable::wait(boost::unique_lock<boost::mutex>&) + 65
    3   libunity_shared.dylib         	       0x12b4c0683 cppipc::comm_client::status_callback_thread_function() + 243
    4   libunity_shared.dylib         	       0x12c8a4ac8 boost::(anonymous namespace)::thread_proxy(void*) + 136
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 60:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b4ceae9 boost::condition_variable::do_wait_until(boost::unique_lock<boost::mutex>&, boost::detail::real_platform_timepoint const&) + 73
    3   libunity_shared.dylib         	       0x12b4cbc7c boost::detail::thread_data<cppipc::comm_client::start()::$_2>::run() + 332
    4   libunity_shared.dylib         	       0x12c8a4ac8 boost::(anonymous namespace)::thread_proxy(void*) + 136
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 61:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b4c0a61 boost::condition_variable::wait(boost::unique_lock<boost::mutex>&) + 65
    3   libunity_shared.dylib         	       0x12b4c0683 cppipc::comm_client::status_callback_thread_function() + 243
    4   libunity_shared.dylib         	       0x12c8a4ac8 boost::(anonymous namespace)::thread_proxy(void*) + 136
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 62:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b4c0a61 boost::condition_variable::wait(boost::unique_lock<boost::mutex>&) + 65
    3   libunity_shared.dylib         	       0x12b4c0683 cppipc::comm_client::status_callback_thread_function() + 243
    4   libunity_shared.dylib         	       0x12c8a4ac8 boost::(anonymous namespace)::thread_proxy(void*) + 136
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 63:
    0   libsystem_kernel.dylib        	    0x7ff8080290aa poll + 10
    1   libunity_shared.dylib         	       0x12c881f57 nn_efd_wait + 39
    2   libunity_shared.dylib         	       0x12c8670a3 nn_sock_recv + 259
    3   libunity_shared.dylib         	       0x12c864e1b nn_recvmsg + 155
    4   libunity_shared.dylib         	       0x12c864d7a nn_recv + 58
    5   libunity_shared.dylib         	       0x12b6632d4 turi::nanosockets::subscribe_socket::thread_function() + 132
    6   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    7   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    8   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 64:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b4ceae9 boost::condition_variable::do_wait_until(boost::unique_lock<boost::mutex>&, boost::detail::real_platform_timepoint const&) + 73
    3   libunity_shared.dylib         	       0x12b4cbc7c boost::detail::thread_data<cppipc::comm_client::start()::$_2>::run() + 332
    4   libunity_shared.dylib         	       0x12c8a4ac8 boost::(anonymous namespace)::thread_proxy(void*) + 136
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 65:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b4c0a61 boost::condition_variable::wait(boost::unique_lock<boost::mutex>&) + 65
    3   libunity_shared.dylib         	       0x12b4c0683 cppipc::comm_client::status_callback_thread_function() + 243
    4   libunity_shared.dylib         	       0x12c8a4ac8 boost::(anonymous namespace)::thread_proxy(void*) + 136
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 66:
    0   libsystem_kernel.dylib        	    0x7ff8080290aa poll + 10
    1   libunity_shared.dylib         	       0x12c8658e2 nn_poll + 274
    2   libunity_shared.dylib         	       0x12b6632ae turi::nanosockets::subscribe_socket::thread_function() + 94
    3   libunity_shared.dylib         	       0x12b67eb80 turi::thread::invoke(void*) + 48
    4   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    5   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 67:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b4ceae9 boost::condition_variable::do_wait_until(boost::unique_lock<boost::mutex>&, boost::detail::real_platform_timepoint const&) + 73
    3   libunity_shared.dylib         	       0x12b4cbc7c boost::detail::thread_data<cppipc::comm_client::start()::$_2>::run() + 332
    4   libunity_shared.dylib         	       0x12c8a4ac8 boost::(anonymous namespace)::thread_proxy(void*) + 136
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 68:
    0   libsystem_kernel.dylib        	    0x7ff8080253ea __psynch_cvwait + 10
    1   libsystem_pthread.dylib       	    0x7ff80805fa6f _pthread_cond_wait + 1249
    2   libunity_shared.dylib         	       0x12b4c0a61 boost::condition_variable::wait(boost::unique_lock<boost::mutex>&) + 65
    3   libunity_shared.dylib         	       0x12b4c0683 cppipc::comm_client::status_callback_thread_function() + 243
    4   libunity_shared.dylib         	       0x12c8a4ac8 boost::(anonymous namespace)::thread_proxy(void*) + 136
    5   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    6   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    Thread 69:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 70:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 71:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 72:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 73:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 74:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 75:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 76:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 77:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 78:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 79:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 80:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 81:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 82:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 83:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 84:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 85:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 86:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 87:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 88:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 89:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 90:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 91:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 92:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 93:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 94:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 95:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 96:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 97:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 98:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 99:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 100:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 101:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 102:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 103:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 104:
    0   libsystem_pthread.dylib       	    0x7ff80805af48 start_wqthread + 0
    
    Thread 105 Crashed:
    0   ???                           	               0x2 ???
    1   AppleVPA                      	    0x7ff81b17f15c 0x7ff81b153000 + 180572
    2   AppleVPA                      	    0x7ff81b17d12c 0x7ff81b153000 + 172332
    3   libsystem_pthread.dylib       	    0x7ff80805f4e1 _pthread_start + 125
    4   libsystem_pthread.dylib       	    0x7ff80805af6b thread_start + 15
    
    
    Thread 105 crashed with X86 Thread State (64-bit):
      rax: 0x00006000257e5a70  rbx: 0x00007f7969876000  rcx: 0x000070002196fef0  rdx: 0x0000000000000000
      rdi: 0x00007ff7b0a17910  rsi: 0x0000000000000000  rbp: 0x000070002196ff60  rsp: 0x000070002196fee8
       r8: 0x0000000000000001   r9: 0x0000000000000000  r10: 0x0000000000000000  r11: 0x0000000000000246
      r12: 0x000070002196ff80  r13: 0x0000000000000005  r14: 0x0000000000000000  r15: 0x00007f7969874000
      rip: 0x0000000000000002  rfl: 0x0000000000010202  cr2: 0x0000000000000002
      
    Logical CPU:     14
    Error Code:      0x00000014 (no mapping for user instruction read)
    Trap Number:     14
    
    
    Binary Images:
        0x7ff808021000 -     0x7ff808058fff libsystem_kernel.dylib (*) <8cc28466-fd2f-3c80-9834-9525b7beac19> /usr/lib/system/libsystem_kernel.dylib
        0x7ff808059000 -     0x7ff808064fff libsystem_pthread.dylib (*) <b5454e27-e8c7-3fdb-b77f-714f1e82e70b> /usr/lib/system/libsystem_pthread.dylib
        0x7ff81b153000 -     0x7ff81b192fff com.apple.AppleVPAFramework (3.26.1) <fc5cc1eb-8c24-3b70-9a71-dc1b2d53467e> /System/Library/PrivateFrameworks/AppleVPA.framework/Versions/A/AppleVPA
        0x7ff8080a6000 -     0x7ff8085a8fff com.apple.CoreFoundation (6.9) <93c48919-68af-367e-9a67-db4159bc962c> /System/Library/Frameworks/CoreFoundation.framework/Versions/A/CoreFoundation
        0x7ffb0a378000 -     0x7ffb0a411fff com.apple.CMPhoto (1.0) <f43cfc54-917c-318f-956d-71d52106fd43> /System/Library/PrivateFrameworks/CMPhoto.framework/Versions/A/CMPhoto
        0x7ff8110e2000 -     0x7ff811328fff com.apple.ImageIO (3.3.0) <666b5d98-130d-3c97-8e67-c1342c00ca0f> /System/Library/Frameworks/ImageIO.framework/Versions/A/ImageIO
        0x7ff811329000 -     0x7ff8116b0fff com.apple.CoreImage (17.0.0) <c09709b3-b4c5-3737-b4df-dd65c670b1ea> /System/Library/Frameworks/CoreImage.framework/Versions/A/CoreImage
           0x12b0fc000 -        0x12d1ccfff libunity_shared.dylib (*) <2496c4ef-35fd-3e0f-a1f8-3ec69812a1b3> /Users/USER/Desktop/*/libunity_shared.dylib
           0x127825000 -        0x127835fff cy_model.so (*) <96691b6d-c4f1-3045-bed8-d388818b2cfd> /Users/USER/Desktop/*/cy_model.so
           0x10f864000 -        0x10fa3bfff org.python.python (3.8.14, (c) 2001-2019 Python Software Foundation.) <a8a40320-b55f-3328-9a7c-81c0dd1a6a9c> /usr/local/Cellar/[email protected]/3.8.14/Frameworks/Python.framework/Versions/3.8/Python
           0x11740c000 -        0x117477fff dyld (*) <71febccd-d9dc-3599-9971-2b3407c588a8> /usr/lib/dyld
                   0x0 - 0xffffffffffffffff ??? (*) <00000000-0000-0000-0000-000000000000> ???
    
    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: 0
        thread_create: 0
        thread_set_state: 0
    
    VM Region Summary:
    ReadOnly portion of Libraries: Total=1.1G resident=0K(0%) swapped_out_or_unallocated=1.1G(100%)
    Writable regions: Total=9.3G written=0K(0%) resident=0K(0%) swapped_out=0K(0%) unallocated=9.3G(100%)
    
                                    VIRTUAL   REGION 
    REGION TYPE                        SIZE    COUNT (non-coalesced) 
    ===========                     =======  ======= 
    Activity Tracing                   256K        1 
    ColorSync                            4K        1 
    Kernel Alloc Once                    8K        1 
    MALLOC                             7.7G     5897 
    MALLOC guard page                   24K        5 
    MALLOC_MEDIUM (reserved)         568.1M       10         reserved VM address space (unallocated)
    MALLOC_NANO (reserved)           384.0M        1         reserved VM address space (unallocated)
    ObjC additional data                15K        1 
    STACK GUARD                        424K      106 
    Stack                            331.8M      106 
    VM_ALLOCATE                      139.4M      133 
    VM_ALLOCATE (reserved)           160.0M        1         reserved VM address space (unallocated)
    __CTF                               756        1 
    __DATA                            25.5M      478 
    __DATA_CONST                      19.6M      243 
    __DATA_DIRTY                       876K      119 
    __FONT_DATA                          4K        1 
    __LINKEDIT                       683.4M      139 
    __TEXT                           476.2M      477 
    __UNICODE                          592K        1 
    dyld private memory               1088K        3 
    mapped file                       45.9M       22 
    shared memory                      636K       12 
    ===========                     =======  ======= 
    TOTAL                             10.5G     7759 
    TOTAL, minus reserved VM space     9.4G     7759 
    

    Is there something that can be done to recover the trained model under these circumstances?

    If not, is there any way to continue training a model if this happens again?

    opened by az-oolloow 0
  • Can you continue training ObjectDetector model?

    Can you continue training ObjectDetector model?

    With CreateML we can start training, pause to evaluate and continue training.

    With turicreate it seems while we can provide the number of iterations, once the ObjectDetector is trained there is no way to continue training for X more operations?

    opened by az-oolloow 0
Releases(6.4.1)
Owner
Apple
Apple
A multi-functional library for full-stack Deep Learning. Simplifies Model Building, API development, and Model Deployment.

chitra What is chitra? chitra (चित्र) is a multi-functional library for full-stack Deep Learning. It simplifies Model Building, API development, and M

Aniket Maurya 210 Dec 21, 2022
Machine Learning From Scratch. Bare bones NumPy implementations of machine learning models and algorithms with a focus on accessibility. Aims to cover everything from linear regression to deep learning.

Machine Learning From Scratch About Python implementations of some of the fundamental Machine Learning models and algorithms from scratch. The purpose

Erik Linder-Norén 21.8k Jan 9, 2023
A user-friendly research and development tool built to standardize RL competency assessment for custom agents and environments.

Built with ❤️ by Sam Showalter Contents Overview Installation Dependencies Usage Scripts Standard Execution Environment Development Environment Benchm

SRI-AIC 1 Nov 18, 2021
MLSpace: Hassle-free machine learning & deep learning development

MLSpace: Hassle-free machine learning & deep learning development

abhishek thakur 293 Jan 3, 2023
Example-custom-ml-block-keras - Custom Keras ML block example for Edge Impulse

Custom Keras ML block example for Edge Impulse This repository is an example on

Edge Impulse 8 Nov 2, 2022
Scripts of Machine Learning Algorithms from Scratch. Implementations of machine learning models and algorithms using nothing but NumPy with a focus on accessibility. Aims to cover everything from basic to advance.

Algo-ScriptML Python implementations of some of the fundamental Machine Learning models and algorithms from scratch. The goal of this project is not t

Algo Phantoms 81 Nov 26, 2022
This is a Machine Learning Based Hand Detector Project, It Uses Machine Learning Models and Modules Like Mediapipe, Developed By Google!

Machine Learning Hand Detector This is a Machine Learning Based Hand Detector Project, It Uses Machine Learning Models and Modules Like Mediapipe, Dev

Popstar Idhant 3 Feb 25, 2022
Quickly and easily create / train a custom DeepDream model

Dream-Creator This project aims to simplify the process of creating a custom DeepDream model by using pretrained GoogleNet models and custom image dat

null 55 Dec 27, 2022
Pytorch Lightning 1.2k Jan 6, 2023
Here I will explain the flow to deploy your custom deep learning models on Ultra96V2.

Xilinx_Vitis_AI This repo will help you to Deploy your Deep Learning Model on Ultra96v2 Board. Prerequisites Vitis Core Development Kit 2019.2 This co

Amin Mamandipoor 1 Feb 8, 2022
Vowpal Wabbit is a machine learning system which pushes the frontier of machine learning with techniques such as online, hashing, allreduce, reductions, learning2search, active, and interactive learning.

This is the Vowpal Wabbit fast online learning code. Why Vowpal Wabbit? Vowpal Wabbit is a machine learning system which pushes the frontier of machin

Vowpal Wabbit 8.1k Jan 6, 2023
Create UIs for prototyping your machine learning model in 3 minutes

Note: We just launched Hosted, where anyone can upload their interface for permanent hosting. Check it out! Welcome to Gradio Quickly create customiza

Gradio 11.7k Jan 7, 2023
Demonstrates how to divide a DL model into multiple IR model files (division) and introduce a simplest way to implement a custom layer works with OpenVINO IR models.

Demonstration of OpenVINO techniques - Model-division and a simplest-way to support custom layers Description: Model Optimizer in Intel(r) OpenVINO(tm

Yasunori Shimura 12 Nov 9, 2022
A Python Automated Machine Learning tool that optimizes machine learning pipelines using genetic programming.

Master status: Development status: Package information: TPOT stands for Tree-based Pipeline Optimization Tool. Consider TPOT your Data Science Assista

Epistasis Lab at UPenn 8.9k Dec 30, 2022
Visualizer for neural network, deep learning, and machine learning models

Netron is a viewer for neural network, deep learning and machine learning models. Netron supports ONNX (.onnx, .pb, .pbtxt), Keras (.h5, .keras), Tens

Lutz Roeder 21k Jan 6, 2023
Machine learning and Deep learning models, deploy on telegram (the best social media)

Semi Intelligent BOT The project involves : Classifying fake news Classifying objects such as aeroplane, automobile, bird, cat, deer, dog, frog, horse

MohammadReza Norouzi 5 Mar 6, 2022
Trading Gym is an open source project for the development of reinforcement learning algorithms in the context of trading.

Trading Gym Trading Gym is an open-source project for the development of reinforcement learning algorithms in the context of trading. It is currently

Dimitry Foures 535 Nov 15, 2022