reorganize tfjs bundle

pull/193/head
Vladimir Mandic 2021-09-14 22:07:13 -04:00
parent e62a5a5f8e
commit 246dd7a977
19 changed files with 2459 additions and 556 deletions

View File

@ -9,8 +9,9 @@
## Changelog
### **HEAD -> main** 2021/09/13 mandic00@live.com
### **HEAD -> main** 2021/09/14 mandic00@live.com
- add platform and backend capabilities detection
- enhanced automated tests
- enable canvas patching for nodejs
- full ts strict typechecks

View File

@ -83,6 +83,14 @@
"output": "dist/human.node-wasm.js",
"external": ["@tensorflow"]
},
{
"name": "tfjs/browser/version",
"platform": "browser",
"format": "esm",
"input": "tfjs/tf-version.ts",
"output": "dist/tfjs.version.js",
"external": ["fs", "os", "buffer", "util"]
},
{
"name": "tfjs/browser/esm/nobundle",
"platform": "browser",

View File

@ -190,39 +190,31 @@ var config = {
// dist/tfjs.esm.js
var tfjs_esm_exports = {};
__export(tfjs_esm_exports, {
data: () => data,
version: () => version
version: () => version9
});
__reExport(tfjs_esm_exports, dist_star);
__reExport(tfjs_esm_exports, dist_star2);
__reExport(tfjs_esm_exports, dist_star3);
__reExport(tfjs_esm_exports, dist_star4);
__reExport(tfjs_esm_exports, dist_star5);
__reExport(tfjs_esm_exports, dist_star6);
import { version as tfjsVersion } from "@tensorflow/tfjs/package.json";
import { version as tfjsCoreVersion } from "@tensorflow/tfjs-core/package.json";
import { version as tfjsDataVersion } from "@tensorflow/tfjs-data/package.json";
import { version as tfjsLayersVersion } from "@tensorflow/tfjs-layers/package.json";
import { version as tfjsConverterVersion } from "@tensorflow/tfjs-converter/package.json";
import { version as tfjsBackendCPUVersion } from "@tensorflow/tfjs-backend-cpu/package.json";
import { version as tfjsBackendWebGLVersion } from "@tensorflow/tfjs-backend-webgl/package.json";
import { version as tfjsBackendWASMVersion } from "@tensorflow/tfjs-backend-wasm/package.json";
import * as dist_star from "@tensorflow/tfjs-core/dist/index.js";
import * as dist_star2 from "@tensorflow/tfjs-layers/dist/index.js";
import * as dist_star3 from "@tensorflow/tfjs-converter/dist/index.js";
import * as data from "@tensorflow/tfjs-data/dist/index.js";
import * as dist_star4 from "@tensorflow/tfjs-backend-cpu/dist/index.js";
import * as dist_star5 from "@tensorflow/tfjs-backend-webgl/dist/index.js";
import * as dist_star6 from "@tensorflow/tfjs-backend-wasm/dist/index.js";
var version = {
tfjs: tfjsVersion,
"tfjs-core": tfjsCoreVersion,
"tfjs-data": tfjsDataVersion,
"tfjs-layers": tfjsLayersVersion,
"tfjs-converter": tfjsConverterVersion,
"tfjs-backend-cpu": tfjsBackendCPUVersion,
"tfjs-backend-webgl": tfjsBackendWebGLVersion,
"tfjs-backend-wasm": tfjsBackendWASMVersion
import * as dist_star from "@tensorflow/tfjs/dist/index.js";
import * as dist_star2 from "@tensorflow/tfjs-backend-webgl/dist/index.js";
import * as dist_star3 from "@tensorflow/tfjs-backend-wasm/dist/index.js";
var version = "3.9.0";
var version2 = "3.9.0";
var version3 = "3.9.0";
var version4 = "3.9.0";
var version5 = "3.9.0";
var version6 = "3.9.0";
var version7 = "3.9.0";
var version8 = "3.9.0";
var version9 = {
tfjs: version,
"tfjs-core": version2,
"tfjs-data": version3,
"tfjs-layers": version4,
"tfjs-converter": version5,
"tfjs-backend-cpu": version6,
"tfjs-backend-webgl": version7,
"tfjs-backend-wasm": version8
};
// src/blazeface/box.ts
@ -4568,12 +4560,12 @@ function process2(input, config3) {
tempCanvas.height = targetHeight;
const tempCtx = tempCanvas.getContext("2d");
tempCtx.drawImage(outCanvas, 0, 0);
const data2 = tempCtx.getImageData(0, 0, targetWidth, targetHeight);
const data = tempCtx.getImageData(0, 0, targetWidth, targetHeight);
if (tfjs_esm_exports.browser && env.browser) {
pixels = tfjs_esm_exports.browser.fromPixels(data2);
pixels = tfjs_esm_exports.browser.fromPixels(data);
} else {
pixels = tfjs_esm_exports.tidy(() => {
const imageData = tfjs_esm_exports.tensor(Array.from(data2.data), [targetWidth, targetHeight, 4]);
const imageData = tfjs_esm_exports.tensor(Array.from(data.data), [targetWidth, targetHeight, 4]);
const channels = tfjs_esm_exports.split(imageData, 4, 2);
const rgb2 = tfjs_esm_exports.stack([channels[0], channels[1], channels[2]], 2);
const expand = tfjs_esm_exports.reshape(rgb2, [imageData.shape[0], imageData.shape[1], 3]);
@ -4661,7 +4653,7 @@ async function backendInfo() {
env.webgl.supported = typeof ctx !== "undefined";
env.webgl.backend = env.backends.includes("webgl");
if (env.webgl.supported && env.webgl.backend) {
const gl = tfjs_esm_exports.backend().gpgpu !== "undefined" ? await tfjs_esm_exports.backend().getGPGPUContext().gl : null;
const gl = tfjs_esm_exports.backend().gpgpu !== "undefined" && tfjs_esm_exports.backend().getGPGPUContext ? await tfjs_esm_exports.backend().getGPGPUContext().gl : null;
if (gl) {
env.webgl.version = gl.getParameter(gl.VERSION);
env.webgl.renderer = gl.getParameter(gl.RENDERER);
@ -5207,11 +5199,11 @@ async function predict3(image22, config3, idx, count2) {
const obj = [];
if ((_a2 = config3.face.emotion) == null ? void 0 : _a2.enabled) {
const emotionT = await model2.predict(normalize);
const data2 = await emotionT.data();
const data = await emotionT.data();
tfjs_esm_exports.dispose(emotionT);
for (let i = 0; i < data2.length; i++) {
if (data2[i] > (((_b = config3.face.emotion) == null ? void 0 : _b.minConfidence) || 0))
obj.push({ score: Math.min(0.99, Math.trunc(100 * data2[i]) / 100), emotion: annotations[i] });
for (let i = 0; i < data.length; i++) {
if (data[i] > (((_b = config3.face.emotion) == null ? void 0 : _b.minConfidence) || 0))
obj.push({ score: Math.min(0.99, Math.trunc(100 * data[i]) / 100), emotion: annotations[i] });
}
obj.sort((a, b) => b.score - a.score);
}
@ -10008,9 +10000,9 @@ async function predict11(input) {
}
tfjs_esm_exports.dispose(squeeze7);
if (env.node) {
const data2 = await resizeOutput.data();
const data = await resizeOutput.data();
tfjs_esm_exports.dispose(resizeOutput);
return data2;
return data;
}
const overlay = typeof OffscreenCanvas !== "undefined" ? new OffscreenCanvas(width, height) : document.createElement("canvas");
overlay.width = width;
@ -11274,7 +11266,7 @@ async function check(instance) {
}
// package.json
var version2 = "2.2.0";
var version10 = "2.2.0";
// src/sample.ts
var face3 = `
@ -12070,9 +12062,9 @@ async function warmupNode(instance) {
return null;
let res;
if (typeof tfjs_esm_exports["node"] !== "undefined") {
const data2 = tfjs_esm_exports["node"].decodeJpeg(img);
const expanded = data2.expandDims(0);
instance.tf.dispose(data2);
const data = tfjs_esm_exports["node"].decodeJpeg(img);
const expanded = data.expandDims(0);
instance.tf.dispose(data);
res = await instance.detect(expanded, instance.config);
instance.tf.dispose(expanded);
} else {
@ -12158,8 +12150,8 @@ var Human = class {
config.wasmPath = `https://cdn.jsdelivr.net/npm/@tensorflow/tfjs-backend-wasm@${tfjs_esm_exports.version_core}/dist/`;
config.modelBasePath = this.env.browser ? "../models/" : "file://models/";
config.backend = this.env.browser ? "humangl" : "tensorflow";
this.version = version2;
Object.defineProperty(this, "version", { value: version2 });
this.version = version10;
Object.defineProperty(this, "version", { value: version10 });
this.config = mergeDeep(config, userConfig || {});
this.tf = tfjs_esm_exports;
this.draw = draw_exports;

File diff suppressed because one or more lines are too long

633
dist/human.esm.js vendored
View File

@ -285,7 +285,6 @@ __export(tfjs_esm_exports, {
LogicalAnd: () => LogicalAnd,
LogicalNot: () => LogicalNot,
LogicalOr: () => LogicalOr,
MathBackendCPU: () => MathBackendCPU,
MathBackendWebGL: () => MathBackendWebGL,
Max: () => Max,
MaxPool: () => MaxPool,
@ -595,7 +594,6 @@ __export(tfjs_esm_exports, {
setWasmPaths: () => setWasmPaths,
setWebGLContext: () => setWebGLContext,
setdiff1dAsync: () => setdiff1dAsync,
shared: () => shared_exports,
sigmoid: () => sigmoid,
sign: () => sign,
signal: () => signal,
@ -654,13 +652,12 @@ __export(tfjs_esm_exports, {
valueAndGrads: () => valueAndGrads,
variable: () => variable,
variableGrads: () => variableGrads,
version: () => version16,
version_converter: () => version11,
version_core: () => version9,
version_cpu: () => version13,
version_layers: () => version10,
version_wasm: () => version15,
version_webgl: () => version14,
version: () => version92,
version_converter: () => version3,
version_core: () => version,
version_layers: () => version2,
version_wasm: () => version8,
version_webgl: () => version5,
webgl: () => webgl,
webgl_util: () => webgl_util_exports,
where: () => where,
@ -6171,14 +6168,6 @@ var require_tfjs_backend_wasm = __commonJS({
exports["WasmBackendModule"] = WasmBackendModule;
}
});
var version = "3.9.0";
var version2 = "3.9.0";
var version3 = "3.9.0";
var version4 = "3.9.0";
var version5 = "3.9.0";
var version6 = "3.9.0";
var version7 = "3.9.0";
var version8 = "3.9.0";
var EPSILON_FLOAT32 = 1e-7;
var EPSILON_FLOAT16 = 1e-4;
var DataStorage = class {
@ -11081,7 +11070,7 @@ function encodeStrings(a) {
}
return a;
}
var version9 = "3.9.0";
var version = "3.9.0";
function enableProdMode() {
env().set("PROD", true);
}
@ -18108,6 +18097,551 @@ var gradConfigs = [
for (const gradientConfig of gradConfigs) {
registerGradient(gradientConfig);
}
getGlobalTensorClass().prototype.abs = function() {
this.throwIfDisposed();
return abs(this);
};
getGlobalTensorClass().prototype.acos = function() {
this.throwIfDisposed();
return acos(this);
};
getGlobalTensorClass().prototype.acosh = function() {
this.throwIfDisposed();
return acosh(this);
};
getGlobalTensorClass().prototype.add = function(b) {
this.throwIfDisposed();
return add2(this, b);
};
getGlobalTensorClass().prototype.all = function(axis, keepDims) {
this.throwIfDisposed();
return all(this, axis, keepDims);
};
getGlobalTensorClass().prototype.any = function(axis, keepDims) {
this.throwIfDisposed();
return any(this, axis, keepDims);
};
getGlobalTensorClass().prototype.argMax = function(axis) {
this.throwIfDisposed();
return argMax(this, axis);
};
getGlobalTensorClass().prototype.argMin = function(axis) {
this.throwIfDisposed();
return argMin(this, axis);
};
getGlobalTensorClass().prototype.asScalar = function() {
this.throwIfDisposed();
assert(this.size === 1, () => "The array must have only 1 element.");
return reshape(this, []);
};
getGlobalTensorClass().prototype.asType = function(dtype) {
this.throwIfDisposed();
return cast(this, dtype);
};
getGlobalTensorClass().prototype.as1D = function() {
this.throwIfDisposed();
return reshape(this, [this.size]);
};
getGlobalTensorClass().prototype.as2D = function(rows, columns) {
this.throwIfDisposed();
return reshape(this, [rows, columns]);
};
getGlobalTensorClass().prototype.as3D = function(rows, columns, depth) {
this.throwIfDisposed();
return reshape(this, [rows, columns, depth]);
};
getGlobalTensorClass().prototype.as4D = function(rows, columns, depth, depth2) {
this.throwIfDisposed();
return reshape(this, [rows, columns, depth, depth2]);
};
getGlobalTensorClass().prototype.as5D = function(rows, columns, depth, depth2, depth3) {
this.throwIfDisposed();
return reshape(this, [rows, columns, depth, depth2, depth3]);
};
getGlobalTensorClass().prototype.asin = function() {
this.throwIfDisposed();
return asin(this);
};
getGlobalTensorClass().prototype.asinh = function() {
this.throwIfDisposed();
return asinh(this);
};
getGlobalTensorClass().prototype.atan = function() {
this.throwIfDisposed();
return atan(this);
};
getGlobalTensorClass().prototype.atan2 = function(b) {
this.throwIfDisposed();
return atan2(this, b);
};
getGlobalTensorClass().prototype.atanh = function() {
this.throwIfDisposed();
return atanh(this);
};
getGlobalTensorClass().prototype.avgPool = function(filterSize, strides, pad3, dimRoundingMode) {
this.throwIfDisposed();
return avgPool(this, filterSize, strides, pad3, dimRoundingMode);
};
getGlobalTensorClass().prototype.batchToSpaceND = function(blockShape, crops) {
this.throwIfDisposed();
return batchToSpaceND(this, blockShape, crops);
};
getGlobalTensorClass().prototype.batchNorm = function(mean4, variance, offset, scale2, varianceEpsilon) {
this.throwIfDisposed();
return batchNorm(this, mean4, variance, offset, scale2, varianceEpsilon);
};
getGlobalTensorClass().prototype.broadcastTo = function(shape) {
this.throwIfDisposed();
return broadcastTo(this, shape);
};
getGlobalTensorClass().prototype.cast = function(dtype) {
this.throwIfDisposed();
return cast(this, dtype);
};
getGlobalTensorClass().prototype.ceil = function() {
this.throwIfDisposed();
return ceil(this);
};
getGlobalTensorClass().prototype.clipByValue = function(min6, max6) {
this.throwIfDisposed();
return clipByValue(this, min6, max6);
};
getGlobalTensorClass().prototype.concat = function(x, axis) {
this.throwIfDisposed();
if (x instanceof Tensor) {
x = [x];
}
return concat([this, ...x], axis);
};
getGlobalTensorClass().prototype.conv1d = function(filter, stride, pad3, dataFormat, dilation, dimRoundingMode) {
this.throwIfDisposed();
return conv1d(this, filter, stride, pad3, dataFormat, dilation, dimRoundingMode);
};
getGlobalTensorClass().prototype.conv2dTranspose = function(filter, outputShape, strides, pad3, dimRoundingMode) {
this.throwIfDisposed();
return conv2dTranspose(this, filter, outputShape, strides, pad3, dimRoundingMode);
};
getGlobalTensorClass().prototype.conv2d = function(filter, strides, pad3, dataFormat, dilations, dimRoundingMode) {
this.throwIfDisposed();
return conv2d(this, filter, strides, pad3, dataFormat, dilations, dimRoundingMode);
};
getGlobalTensorClass().prototype.cos = function() {
this.throwIfDisposed();
return cos(this);
};
getGlobalTensorClass().prototype.cosh = function() {
this.throwIfDisposed();
return cosh(this);
};
getGlobalTensorClass().prototype.cumsum = function(axis, exclusive, reverse5) {
this.throwIfDisposed();
return cumsum(this, axis, exclusive, reverse5);
};
getGlobalTensorClass().prototype.depthToSpace = function(blockSize, dataFormat) {
this.throwIfDisposed();
return depthToSpace(this, blockSize, dataFormat);
};
getGlobalTensorClass().prototype.depthwiseConv2d = function(filter, strides, pad3, dataFormat, dilations, dimRoundingMode) {
this.throwIfDisposed();
return depthwiseConv2d(this, filter, strides, pad3, dataFormat, dilations, dimRoundingMode);
};
getGlobalTensorClass().prototype.dilation2d = function(filter, strides, pad3, dilations, dataFormat) {
this.throwIfDisposed();
return dilation2d(this, filter, strides, pad3, dilations, dataFormat);
};
getGlobalTensorClass().prototype.divNoNan = function(b) {
this.throwIfDisposed();
return divNoNan(this, b);
};
getGlobalTensorClass().prototype.div = function(b) {
this.throwIfDisposed();
return div(this, b);
};
getGlobalTensorClass().prototype.dot = function(b) {
this.throwIfDisposed();
return dot(this, b);
};
getGlobalTensorClass().prototype.elu = function() {
this.throwIfDisposed();
return elu(this);
};
getGlobalTensorClass().prototype.equal = function(b) {
this.throwIfDisposed();
return equal(this, b);
};
getGlobalTensorClass().prototype.erf = function() {
this.throwIfDisposed();
return erf(this);
};
getGlobalTensorClass().prototype.exp = function() {
this.throwIfDisposed();
return exp(this);
};
getGlobalTensorClass().prototype.expandDims = function(axis) {
this.throwIfDisposed();
return expandDims(this, axis);
};
getGlobalTensorClass().prototype.expm1 = function() {
this.throwIfDisposed();
return expm1(this);
};
getGlobalTensorClass().prototype.fft = function() {
this.throwIfDisposed();
return fft(this);
};
getGlobalTensorClass().prototype.flatten = function() {
this.throwIfDisposed();
return reshape(this, [this.size]);
};
getGlobalTensorClass().prototype.floor = function() {
this.throwIfDisposed();
return floor(this);
};
getGlobalTensorClass().prototype.floorDiv = function(b) {
this.throwIfDisposed();
return floorDiv(this, b);
};
getGlobalTensorClass().prototype.gather = function(indices, axis) {
this.throwIfDisposed();
return gather(this, indices, axis);
};
getGlobalTensorClass().prototype.greaterEqual = function(b) {
this.throwIfDisposed();
return greaterEqual(this, b);
};
getGlobalTensorClass().prototype.greater = function(b) {
this.throwIfDisposed();
return greater(this, b);
};
getGlobalTensorClass().prototype.ifft = function() {
this.throwIfDisposed();
return ifft(this);
};
getGlobalTensorClass().prototype.irfft = function() {
this.throwIfDisposed();
return irfft(this);
};
getGlobalTensorClass().prototype.isFinite = function() {
this.throwIfDisposed();
return isFinite2(this);
};
getGlobalTensorClass().prototype.isInf = function() {
this.throwIfDisposed();
return isInf(this);
};
getGlobalTensorClass().prototype.isNaN = function() {
this.throwIfDisposed();
return isNaN2(this);
};
getGlobalTensorClass().prototype.leakyRelu = function(alpha) {
this.throwIfDisposed();
return leakyRelu(this, alpha);
};
getGlobalTensorClass().prototype.lessEqual = function(b) {
this.throwIfDisposed();
return lessEqual(this, b);
};
getGlobalTensorClass().prototype.less = function(b) {
this.throwIfDisposed();
return less(this, b);
};
getGlobalTensorClass().prototype.localResponseNormalization = function(depthRadius, bias, alpha, beta) {
this.throwIfDisposed();
return localResponseNormalization(this, depthRadius, bias, alpha, beta);
};
getGlobalTensorClass().prototype.logSigmoid = function() {
this.throwIfDisposed();
return logSigmoid(this);
};
getGlobalTensorClass().prototype.logSoftmax = function(axis) {
this.throwIfDisposed();
return logSoftmax(this, axis);
};
getGlobalTensorClass().prototype.logSumExp = function(axis, keepDims) {
this.throwIfDisposed();
return logSumExp(this, axis, keepDims);
};
getGlobalTensorClass().prototype.log = function() {
this.throwIfDisposed();
return log5(this);
};
getGlobalTensorClass().prototype.log1p = function() {
this.throwIfDisposed();
return log1p(this);
};
getGlobalTensorClass().prototype.logicalAnd = function(b) {
this.throwIfDisposed();
return logicalAnd(this, b);
};
getGlobalTensorClass().prototype.logicalNot = function() {
this.throwIfDisposed();
return logicalNot(this);
};
getGlobalTensorClass().prototype.logicalOr = function(b) {
this.throwIfDisposed();
return logicalOr(this, b);
};
getGlobalTensorClass().prototype.logicalXor = function(b) {
this.throwIfDisposed();
return logicalXor(this, b);
};
getGlobalTensorClass().prototype.matMul = function(b, transposeA, transposeB) {
this.throwIfDisposed();
return matMul(this, b, transposeA, transposeB);
};
getGlobalTensorClass().prototype.maxPool = function(filterSize, strides, pad3, dimRoundingMode) {
this.throwIfDisposed();
return maxPool(this, filterSize, strides, pad3, dimRoundingMode);
};
getGlobalTensorClass().prototype.max = function(axis, keepDims) {
this.throwIfDisposed();
return max(this, axis, keepDims);
};
getGlobalTensorClass().prototype.maximum = function(b) {
this.throwIfDisposed();
return maximum(this, b);
};
getGlobalTensorClass().prototype.mean = function(axis, keepDims) {
this.throwIfDisposed();
return mean(this, axis, keepDims);
};
getGlobalTensorClass().prototype.min = function(axis, keepDims) {
this.throwIfDisposed();
return min(this, axis, keepDims);
};
getGlobalTensorClass().prototype.minimum = function(b) {
this.throwIfDisposed();
return minimum(this, b);
};
getGlobalTensorClass().prototype.mirrorPad = function(paddings, mode) {
this.throwIfDisposed();
return mirrorPad(this, paddings, mode);
};
getGlobalTensorClass().prototype.mod = function(b) {
this.throwIfDisposed();
return mod(this, b);
};
getGlobalTensorClass().prototype.mul = function(b) {
this.throwIfDisposed();
return mul(this, b);
};
getGlobalTensorClass().prototype.neg = function() {
this.throwIfDisposed();
return neg(this);
};
getGlobalTensorClass().prototype.norm = function(ord, axis, keepDims) {
this.throwIfDisposed();
return norm(this, ord, axis, keepDims);
};
getGlobalTensorClass().prototype.notEqual = function(b) {
this.throwIfDisposed();
return notEqual(this, b);
};
getGlobalTensorClass().prototype.oneHot = function(depth, onValue = 1, offValue = 0) {
this.throwIfDisposed();
return oneHot(this, depth, onValue, offValue);
};
getGlobalTensorClass().prototype.onesLike = function() {
this.throwIfDisposed();
return onesLike(this);
};
getGlobalTensorClass().prototype.pad = function(paddings, constantValue) {
this.throwIfDisposed();
return pad(this, paddings, constantValue);
};
getGlobalTensorClass().prototype.pool = function(windowShape, poolingType, padding, dilationRate, strides) {
this.throwIfDisposed();
return pool(this, windowShape, poolingType, padding, dilationRate, strides);
};
getGlobalTensorClass().prototype.pow = function(exp4) {
this.throwIfDisposed();
return pow(this, exp4);
};
getGlobalTensorClass().prototype.prelu = function(alpha) {
this.throwIfDisposed();
return prelu(this, alpha);
};
getGlobalTensorClass().prototype.prod = function(axis, keepDims) {
this.throwIfDisposed();
return prod(this, axis, keepDims);
};
getGlobalTensorClass().prototype.reciprocal = function() {
this.throwIfDisposed();
return reciprocal(this);
};
getGlobalTensorClass().prototype.relu = function() {
this.throwIfDisposed();
return relu(this);
};
getGlobalTensorClass().prototype.relu6 = function() {
this.throwIfDisposed();
return relu6(this);
};
getGlobalTensorClass().prototype.reshapeAs = function(x) {
this.throwIfDisposed();
return reshape(this, x.shape);
};
getGlobalTensorClass().prototype.reshape = function(shape) {
this.throwIfDisposed();
return reshape(this, shape);
};
getGlobalTensorClass().prototype.resizeBilinear = function(newShape2D, alignCorners, halfPixelCenters) {
this.throwIfDisposed();
return resizeBilinear(this, newShape2D, alignCorners, halfPixelCenters);
};
getGlobalTensorClass().prototype.resizeNearestNeighbor = function(newShape2D, alignCorners, halfFloatCenters) {
this.throwIfDisposed();
return resizeNearestNeighbor(this, newShape2D, alignCorners, halfFloatCenters);
};
getGlobalTensorClass().prototype.reverse = function(axis) {
this.throwIfDisposed();
return reverse(this, axis);
};
getGlobalTensorClass().prototype.rfft = function() {
this.throwIfDisposed();
return rfft(this);
};
getGlobalTensorClass().prototype.round = function() {
this.throwIfDisposed();
return round2(this);
};
getGlobalTensorClass().prototype.rsqrt = function() {
this.throwIfDisposed();
return rsqrt(this);
};
getGlobalTensorClass().prototype.selu = function() {
this.throwIfDisposed();
return selu(this);
};
getGlobalTensorClass().prototype.separableConv2d = function(depthwiseFilter, pointwiseFilter, strides, pad3, dilation, dataFormat) {
this.throwIfDisposed();
return separableConv2d(this, depthwiseFilter, pointwiseFilter, strides, pad3, dilation, dataFormat);
};
getGlobalTensorClass().prototype.sigmoid = function() {
this.throwIfDisposed();
return sigmoid(this);
};
getGlobalTensorClass().prototype.sign = function() {
this.throwIfDisposed();
return sign(this);
};
getGlobalTensorClass().prototype.sin = function() {
this.throwIfDisposed();
return sin(this);
};
getGlobalTensorClass().prototype.sinh = function() {
this.throwIfDisposed();
return sinh(this);
};
getGlobalTensorClass().prototype.slice = function(begin, size) {
this.throwIfDisposed();
return slice(this, begin, size);
};
getGlobalTensorClass().prototype.softmax = function(dim) {
this.throwIfDisposed();
return softmax(this, dim);
};
getGlobalTensorClass().prototype.softplus = function() {
this.throwIfDisposed();
return softplus(this);
};
getGlobalTensorClass().prototype.spaceToBatchND = function(blockShape, paddings) {
this.throwIfDisposed();
return spaceToBatchND(this, blockShape, paddings);
};
getGlobalTensorClass().prototype.split = function(numOrSizeSplits, axis) {
this.throwIfDisposed();
return split(this, numOrSizeSplits, axis);
};
getGlobalTensorClass().prototype.sqrt = function() {
this.throwIfDisposed();
return sqrt(this);
};
getGlobalTensorClass().prototype.square = function() {
this.throwIfDisposed();
return square(this);
};
getGlobalTensorClass().prototype.squaredDifference = function(b) {
this.throwIfDisposed();
return squaredDifference(this, b);
};
getGlobalTensorClass().prototype.squeeze = function(axis) {
this.throwIfDisposed();
return squeeze(this, axis);
};
getGlobalTensorClass().prototype.stack = function(x, axis) {
this.throwIfDisposed();
const tensorsToBeStacked = x instanceof Tensor ? [this, x] : [this, ...x];
return stack(tensorsToBeStacked, axis);
};
getGlobalTensorClass().prototype.step = function(alpha) {
this.throwIfDisposed();
return step(this, alpha);
};
getGlobalTensorClass().prototype.stridedSlice = function(begin, end, strides, beginMask, endMask, ellipsisMask, newAxisMask, shrinkAxisMask) {
this.throwIfDisposed();
return stridedSlice(this, begin, end, strides, beginMask, endMask, ellipsisMask, newAxisMask, shrinkAxisMask);
};
getGlobalTensorClass().prototype.sub = function(b) {
this.throwIfDisposed();
return sub(this, b);
};
getGlobalTensorClass().prototype.sum = function(axis, keepDims) {
this.throwIfDisposed();
return sum2(this, axis, keepDims);
};
getGlobalTensorClass().prototype.tan = function() {
this.throwIfDisposed();
return tan(this);
};
getGlobalTensorClass().prototype.tanh = function() {
this.throwIfDisposed();
return tanh2(this);
};
getGlobalTensorClass().prototype.tile = function(reps) {
this.throwIfDisposed();
return tile(this, reps);
};
getGlobalTensorClass().prototype.toBool = function() {
this.throwIfDisposed();
return cast(this, "bool");
};
getGlobalTensorClass().prototype.toFloat = function() {
this.throwIfDisposed();
return cast(this, "float32");
};
getGlobalTensorClass().prototype.toInt = function() {
this.throwIfDisposed();
return cast(this, "int32");
};
getGlobalTensorClass().prototype.topk = function(k, sorted) {
this.throwIfDisposed();
return topk(this, k, sorted);
};
getGlobalTensorClass().prototype.transpose = function(perm) {
this.throwIfDisposed();
return transpose(this, perm);
};
getGlobalTensorClass().prototype.unique = function(axis) {
this.throwIfDisposed();
return unique(this, axis);
};
getGlobalTensorClass().prototype.unsortedSegmentSum = function(segmentIds, numSegments) {
this.throwIfDisposed();
return unsortedSegmentSum(this, segmentIds, numSegments);
};
getGlobalTensorClass().prototype.unstack = function(axis) {
this.throwIfDisposed();
return unstack(this, axis);
};
getGlobalTensorClass().prototype.where = function(condition, x) {
this.throwIfDisposed();
return where(condition, this, x);
};
getGlobalTensorClass().prototype.zerosLike = function() {
this.throwIfDisposed();
return zerosLike(this);
};
var exports_constraints_exports = {};
__export2(exports_constraints_exports, {
maxNorm: () => maxNorm,
@ -21192,7 +21726,7 @@ function convertTsToPythonic(tsConfig, key) {
return pyDict;
}
}
var version10 = "3.9.0";
var version2 = "3.9.0";
function assertFeedCompatibility(key, val) {
if (key.dtype == null || key.dtype === val.dtype) {
return val;
@ -21796,7 +22330,7 @@ var Container = class extends Layer {
const modelConfig = {};
modelConfig["className"] = this.getClassName();
modelConfig["config"] = theConfig;
modelConfig["kerasVersion"] = `tfjs-layers ${version10}`;
modelConfig["kerasVersion"] = `tfjs-layers ${version2}`;
modelConfig["backend"] = "TensorFlow.js";
return modelConfig;
}
@ -23588,7 +24122,7 @@ var LayersModel = class extends Container {
const modelArtifacts = {
modelTopology: modelConfig,
format: LAYERS_MODEL_FORMAT_NAME,
generatedBy: `TensorFlow.js tfjs-layers v${version10}`,
generatedBy: `TensorFlow.js tfjs-layers v${version2}`,
convertedBy: null
};
const includeOptimizer = config3 == null ? false : config3.includeOptimizer;
@ -35211,7 +35745,7 @@ async function loadGraphModel(modelUrl, options3 = {}) {
await model22.load();
return model22;
}
var version11 = "3.9.0";
var version3 = "3.9.0";
var dist_exports = {};
__export2(dist_exports, {
CSVDataset: () => CSVDataset,
@ -35224,7 +35758,7 @@ __export2(dist_exports, {
func: () => func,
generator: () => generator,
microphone: () => microphone,
version_data: () => version12,
version_data: () => version4,
webcam: () => webcam,
zip: () => zip
});
@ -36940,7 +37474,7 @@ async function webcam(webcamVideoElement, webcamConfig) {
async function microphone(microphoneConfig) {
return MicrophoneIterator.create(microphoneConfig);
}
var version12 = "3.9.0";
var version4 = "3.9.0";
function assertNotComplex(tensor2, opName) {
if (!Array.isArray(tensor2)) {
tensor2 = [tensor2];
@ -38436,7 +38970,6 @@ function uniqueImpl(values, axis, shape, dtype) {
indices
};
}
var version13 = "3.9.0";
registerBackend("cpu", () => new MathBackendCPU(), 1);
var elu4 = unaryKernelFunc(Elu, (xi) => xi >= 0 ? xi : Math.exp(xi) - 1);
var eluConfig = {
@ -43713,7 +44246,7 @@ ENV3.registerFlag("WEBGL_USE_SHAPES_UNIFORMS", () => false);
ENV3.registerFlag("TOPK_LAST_DIM_CPU_HANDOFF_SIZE_THRESHOLD", () => 1e5);
ENV3.registerFlag("TOPK_K_CPU_HANDOFF_THRESHOLD", () => 128);
function getGlslDifferences() {
let version172;
let version10;
let attribute;
let varyingVs;
let varyingFs;
@ -43724,7 +44257,7 @@ function getGlslDifferences() {
let defineSpecialInf;
let defineRound;
if (env().getNumber("WEBGL_VERSION") === 2) {
version172 = "#version 300 es";
version10 = "#version 300 es";
attribute = "in";
varyingVs = "out";
varyingFs = "in";
@ -43755,7 +44288,7 @@ function getGlslDifferences() {
}
`;
} else {
version172 = "";
version10 = "";
attribute = "attribute";
varyingVs = "varying";
varyingFs = "varying";
@ -43792,7 +44325,7 @@ function getGlslDifferences() {
`;
}
return {
version: version172,
version: version10,
attribute,
varyingVs,
varyingFs,
@ -47679,7 +48212,7 @@ function float32ToTypedArray(a, dtype) {
throw new Error(`Unknown dtype ${dtype}`);
}
}
var version14 = "3.9.0";
var version5 = "3.9.0";
function forceHalfFloat() {
env().set("WEBGL_FORCE_F16_TEXTURES", true);
}
@ -59716,21 +60249,29 @@ function setWasmPaths(prefixOrFileMap, usePlatformFetch = false) {
}
customFetch = usePlatformFetch;
}
var version15 = "3.9.0";
var version8 = "3.9.0";
var WASM_PRIORITY = 2;
registerBackend("wasm", async () => {
const { wasm } = await init();
return new BackendWasm(wasm);
}, WASM_PRIORITY);
var version16 = {
tfjs: version,
"tfjs-core": version2,
"tfjs-data": version3,
"tfjs-layers": version4,
"tfjs-converter": version5,
"tfjs-backend-cpu": version6,
"tfjs-backend-webgl": version7,
"tfjs-backend-wasm": version8
var version9 = "3.9.0";
var version22 = "3.9.0";
var version32 = "3.9.0";
var version42 = "3.9.0";
var version52 = "3.9.0";
var version62 = "3.9.0";
var version72 = "3.9.0";
var version82 = "3.9.0";
var version92 = {
tfjs: version9,
"tfjs-core": version22,
"tfjs-data": version32,
"tfjs-layers": version42,
"tfjs-converter": version52,
"tfjs-backend-cpu": version62,
"tfjs-backend-webgl": version72,
"tfjs-backend-wasm": version82
};
// src/blazeface/box.ts
@ -64169,7 +64710,7 @@ async function backendInfo() {
env2.webgl.supported = typeof ctx !== "undefined";
env2.webgl.backend = env2.backends.includes("webgl");
if (env2.webgl.supported && env2.webgl.backend) {
const gl = backend().gpgpu !== "undefined" ? await backend().getGPGPUContext().gl : null;
const gl = backend().gpgpu !== "undefined" && backend().getGPGPUContext ? await backend().getGPGPUContext().gl : null;
if (gl) {
env2.webgl.version = gl.getParameter(gl.VERSION);
env2.webgl.renderer = gl.getParameter(gl.RENDERER);
@ -64185,7 +64726,7 @@ async function get3() {
env2.browser = typeof navigator !== "undefined";
env2.node = typeof process !== "undefined";
env2.worker = env2.browser ? typeof WorkerGlobalScope !== "undefined" : void 0;
env2.tfjs.version = version9;
env2.tfjs.version = version;
if (typeof navigator !== "undefined") {
const raw = navigator.userAgent.match(/\(([^()]+)\)/g);
if (raw && raw[0]) {
@ -70782,7 +71323,7 @@ async function check(instance) {
}
// package.json
var version17 = "2.2.0";
var version6 = "2.2.0";
// src/sample.ts
var face3 = `
@ -71663,11 +72204,11 @@ var Human = class {
__publicField(this, "warmup", (userConfig) => warmup(this, userConfig));
get3();
this.env = env2;
config.wasmPath = `https://cdn.jsdelivr.net/npm/@tensorflow/tfjs-backend-wasm@${version9}/dist/`;
config.wasmPath = `https://cdn.jsdelivr.net/npm/@tensorflow/tfjs-backend-wasm@${version}/dist/`;
config.modelBasePath = this.env.browser ? "../models/" : "file://models/";
config.backend = this.env.browser ? "humangl" : "tensorflow";
this.version = version17;
Object.defineProperty(this, "version", { value: version17 });
this.version = version6;
Object.defineProperty(this, "version", { value: version6 });
this.config = mergeDeep(config, userConfig || {});
this.tf = tfjs_esm_exports;
this.draw = draw_exports;

File diff suppressed because one or more lines are too long

592
dist/human.js vendored

File diff suppressed because one or more lines are too long

View File

@ -4687,7 +4687,7 @@ async function backendInfo() {
env.webgl.supported = typeof ctx !== "undefined";
env.webgl.backend = env.backends.includes("webgl");
if (env.webgl.supported && env.webgl.backend) {
const gl = tf4.backend().gpgpu !== "undefined" ? await tf4.backend().getGPGPUContext().gl : null;
const gl = tf4.backend().gpgpu !== "undefined" && tf4.backend().getGPGPUContext ? await tf4.backend().getGPGPUContext().gl : null;
if (gl) {
env.webgl.version = gl.getParameter(gl.VERSION);
env.webgl.renderer = gl.getParameter(gl.RENDERER);

View File

@ -4688,7 +4688,7 @@ async function backendInfo() {
env.webgl.supported = typeof ctx !== "undefined";
env.webgl.backend = env.backends.includes("webgl");
if (env.webgl.supported && env.webgl.backend) {
const gl = tf4.backend().gpgpu !== "undefined" ? await tf4.backend().getGPGPUContext().gl : null;
const gl = tf4.backend().gpgpu !== "undefined" && tf4.backend().getGPGPUContext ? await tf4.backend().getGPGPUContext().gl : null;
if (gl) {
env.webgl.version = gl.getParameter(gl.VERSION);
env.webgl.renderer = gl.getParameter(gl.RENDERER);

2
dist/human.node.js vendored
View File

@ -4687,7 +4687,7 @@ async function backendInfo() {
env.webgl.supported = typeof ctx !== "undefined";
env.webgl.backend = env.backends.includes("webgl");
if (env.webgl.supported && env.webgl.backend) {
const gl = tf4.backend().gpgpu !== "undefined" ? await tf4.backend().getGPGPUContext().gl : null;
const gl = tf4.backend().gpgpu !== "undefined" && tf4.backend().getGPGPUContext ? await tf4.backend().getGPGPUContext().gl : null;
if (gl) {
env.webgl.version = gl.getParameter(gl.VERSION);
env.webgl.renderer = gl.getParameter(gl.RENDERER);

911
dist/tfjs.esm.js vendored

File diff suppressed because it is too large Load Diff

File diff suppressed because one or more lines are too long

44
dist/tfjs.version.js vendored Normal file
View File

@ -0,0 +1,44 @@
/*
Human
homepage: <https://github.com/vladmandic/human>
author: <https://github.com/vladmandic>'
*/
// node_modules/.pnpm/@tensorflow+tfjs@3.9.0_seedrandom@3.0.5/node_modules/@tensorflow/tfjs/package.json
var version = "3.9.0";
// node_modules/.pnpm/@tensorflow+tfjs-core@3.9.0/node_modules/@tensorflow/tfjs-core/package.json
var version2 = "3.9.0";
// node_modules/.pnpm/@tensorflow+tfjs-data@3.9.0_470c05e138890ee649df8440b2dfddf4/node_modules/@tensorflow/tfjs-data/package.json
var version3 = "3.9.0";
// node_modules/.pnpm/@tensorflow+tfjs-layers@3.9.0_@tensorflow+tfjs-core@3.9.0/node_modules/@tensorflow/tfjs-layers/package.json
var version4 = "3.9.0";
// node_modules/.pnpm/@tensorflow+tfjs-converter@3.9.0_@tensorflow+tfjs-core@3.9.0/node_modules/@tensorflow/tfjs-converter/package.json
var version5 = "3.9.0";
// node_modules/.pnpm/@tensorflow+tfjs-backend-cpu@3.9.0_@tensorflow+tfjs-core@3.9.0/node_modules/@tensorflow/tfjs-backend-cpu/package.json
var version6 = "3.9.0";
// node_modules/.pnpm/@tensorflow+tfjs-backend-webgl@3.9.0_@tensorflow+tfjs-core@3.9.0/node_modules/@tensorflow/tfjs-backend-webgl/package.json
var version7 = "3.9.0";
// node_modules/.pnpm/@tensorflow+tfjs-backend-wasm@3.9.0_@tensorflow+tfjs-core@3.9.0/node_modules/@tensorflow/tfjs-backend-wasm/package.json
var version8 = "3.9.0";
// tfjs/tf-version.ts
var version9 = {
tfjs: version,
"tfjs-core": version2,
"tfjs-data": version3,
"tfjs-layers": version4,
"tfjs-converter": version5,
"tfjs-backend-cpu": version6,
"tfjs-backend-webgl": version7,
"tfjs-backend-wasm": version8
};
export {
version9 as version
};

View File

@ -102,7 +102,7 @@ export async function backendInfo() {
env.webgl.backend = env.backends.includes('webgl');
if (env.webgl.supported && env.webgl.backend) {
// @ts-ignore getGPGPUContext only exists on WebGL backend
const gl = tf.backend().gpgpu !== 'undefined' ? await tf.backend().getGPGPUContext().gl : null;
const gl = (tf.backend().gpgpu !== 'undefined') && (tf.backend().getGPGPUContext) ? await tf.backend().getGPGPUContext().gl : null;
if (gl) {
env.webgl.version = gl.getParameter(gl.VERSION);
env.webgl.renderer = gl.getParameter(gl.RENDERER);

View File

@ -13659,3 +13659,583 @@
2021-09-14 20:02:26 STATE: Lint: {"locations":["*.json","src/**/*.ts","test/**/*.js","demo/**/*.js"],"files":82,"errors":0,"warnings":0}
2021-09-14 20:02:26 STATE: ChangeLog: {"repository":"https://github.com/vladmandic/human","branch":"main","output":"CHANGELOG.md"}
2021-09-14 20:02:26 INFO:  Done...
2021-09-14 21:41:43 INFO:  @vladmandic/human version 2.2.0
2021-09-14 21:41:43 INFO:  User: vlado Platform: linux Arch: x64 Node: v16.5.0
2021-09-14 21:41:43 INFO:  Application: {"name":"@vladmandic/human","version":"2.2.0"}
2021-09-14 21:41:43 INFO:  Environment: {"profile":"development","config":"build.json","tsconfig":true,"eslintrc":true,"git":true}
2021-09-14 21:41:43 INFO:  Toolchain: {"build":"0.4.1","esbuild":"0.12.28","typescript":"4.4.3","typedoc":"0.21.9","eslint":"7.32.0"}
2021-09-14 21:41:43 INFO:  Build: {"profile":"development","steps":["serve","watch","compile"]}
2021-09-14 21:41:43 STATE: WebServer: {"ssl":false,"port":10030,"root":"."}
2021-09-14 21:41:43 STATE: WebServer: {"ssl":true,"port":10031,"root":".","sslKey":"node_modules/@vladmandic/build/cert/https.key","sslCrt":"node_modules/@vladmandic/build/cert/https.crt"}
2021-09-14 21:41:44 STATE: Watch: {"locations":["src/**","src/**/*","tfjs/**/*"]}
2021-09-14 21:41:44 STATE: Compile: {"name":"tfjs/nodejs/cpu","format":"cjs","platform":"node","input":"tfjs/tf-node.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":102,"outputBytes":1416}
2021-09-14 21:41:44 STATE: Compile: {"name":"human/nodejs/cpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node.js","files":50,"inputBytes":475042,"outputBytes":404031}
2021-09-14 21:41:44 STATE: Compile: {"name":"tfjs/nodejs/gpu","format":"cjs","platform":"node","input":"tfjs/tf-node-gpu.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":110,"outputBytes":1424}
2021-09-14 21:41:44 STATE: Compile: {"name":"human/nodejs/gpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-gpu.js","files":50,"inputBytes":475050,"outputBytes":404035}
2021-09-14 21:41:44 STATE: Compile: {"name":"tfjs/nodejs/wasm","format":"cjs","platform":"node","input":"tfjs/tf-node-wasm.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":149,"outputBytes":1491}
2021-09-14 21:41:44 STATE: Compile: {"name":"human/nodejs/wasm","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-wasm.js","files":50,"inputBytes":475117,"outputBytes":404107}
2021-09-14 21:41:44 STATE: Compile: {"name":"tfjs/browser/esm/nobundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":2168,"outputBytes":1590}
2021-09-14 21:41:44 STATE: Compile: {"name":"human/browser/esm/nobundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm-nobundle.js","files":50,"inputBytes":475216,"outputBytes":406295}
2021-09-14 21:41:44 STATE: Compile: {"name":"tfjs/browser/esm/bundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":7,"inputBytes":2168,"outputBytes":2343983}
2021-09-14 21:41:45 STATE: Compile: {"name":"human/browser/iife/bundle","format":"iife","platform":"browser","input":"src/human.ts","output":"dist/human.js","files":50,"inputBytes":2817609,"outputBytes":1396101}
2021-09-14 21:41:45 STATE: Compile: {"name":"human/browser/esm/bundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm.js","files":50,"inputBytes":2817609,"outputBytes":2591595}
2021-09-14 21:41:45 INFO:  Listening...
2021-09-14 21:42:46 INFO:  Watch: {"event":"add","input":"tfjs/tf-version.ts"}
2021-09-14 21:42:46 STATE: Compile: {"name":"tfjs/nodejs/cpu","format":"cjs","platform":"node","input":"tfjs/tf-node.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":102,"outputBytes":1416}
2021-09-14 21:42:46 STATE: Compile: {"name":"human/nodejs/cpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node.js","files":50,"inputBytes":475042,"outputBytes":404031}
2021-09-14 21:42:46 STATE: Compile: {"name":"tfjs/nodejs/gpu","format":"cjs","platform":"node","input":"tfjs/tf-node-gpu.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":110,"outputBytes":1424}
2021-09-14 21:42:46 STATE: Compile: {"name":"human/nodejs/gpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-gpu.js","files":50,"inputBytes":475050,"outputBytes":404035}
2021-09-14 21:42:46 STATE: Compile: {"name":"tfjs/nodejs/wasm","format":"cjs","platform":"node","input":"tfjs/tf-node-wasm.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":149,"outputBytes":1491}
2021-09-14 21:42:46 STATE: Compile: {"name":"human/nodejs/wasm","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-wasm.js","files":50,"inputBytes":475117,"outputBytes":404107}
2021-09-14 21:42:46 STATE: Compile: {"name":"tfjs/browser/esm/nobundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":2168,"outputBytes":1590}
2021-09-14 21:42:46 STATE: Compile: {"name":"human/browser/esm/nobundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm-nobundle.js","files":50,"inputBytes":475216,"outputBytes":406295}
2021-09-14 21:42:46 STATE: Compile: {"name":"tfjs/browser/esm/bundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":7,"inputBytes":2168,"outputBytes":2343983}
2021-09-14 21:42:47 STATE: Compile: {"name":"human/browser/iife/bundle","format":"iife","platform":"browser","input":"src/human.ts","output":"dist/human.js","files":50,"inputBytes":2817609,"outputBytes":1396101}
2021-09-14 21:42:47 STATE: Compile: {"name":"human/browser/esm/bundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm.js","files":50,"inputBytes":2817609,"outputBytes":2591595}
2021-09-14 21:42:57 INFO:  Watch: {"event":"modify","input":"tfjs/tf-version.ts"}
2021-09-14 21:42:57 STATE: Compile: {"name":"tfjs/nodejs/cpu","format":"cjs","platform":"node","input":"tfjs/tf-node.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":102,"outputBytes":1416}
2021-09-14 21:42:57 STATE: Compile: {"name":"human/nodejs/cpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node.js","files":50,"inputBytes":475042,"outputBytes":404031}
2021-09-14 21:42:57 STATE: Compile: {"name":"tfjs/nodejs/gpu","format":"cjs","platform":"node","input":"tfjs/tf-node-gpu.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":110,"outputBytes":1424}
2021-09-14 21:42:57 STATE: Compile: {"name":"human/nodejs/gpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-gpu.js","files":50,"inputBytes":475050,"outputBytes":404035}
2021-09-14 21:42:57 STATE: Compile: {"name":"tfjs/nodejs/wasm","format":"cjs","platform":"node","input":"tfjs/tf-node-wasm.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":149,"outputBytes":1491}
2021-09-14 21:42:57 STATE: Compile: {"name":"human/nodejs/wasm","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-wasm.js","files":50,"inputBytes":475117,"outputBytes":404107}
2021-09-14 21:42:57 STATE: Compile: {"name":"tfjs/browser/esm/nobundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":2168,"outputBytes":1590}
2021-09-14 21:42:57 STATE: Compile: {"name":"human/browser/esm/nobundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm-nobundle.js","files":50,"inputBytes":475216,"outputBytes":406295}
2021-09-14 21:42:58 STATE: Compile: {"name":"tfjs/browser/esm/bundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":7,"inputBytes":2168,"outputBytes":2343983}
2021-09-14 21:42:58 STATE: Compile: {"name":"human/browser/iife/bundle","format":"iife","platform":"browser","input":"src/human.ts","output":"dist/human.js","files":50,"inputBytes":2817609,"outputBytes":1396101}
2021-09-14 21:42:58 STATE: Compile: {"name":"human/browser/esm/bundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm.js","files":50,"inputBytes":2817609,"outputBytes":2591595}
2021-09-14 21:45:02 INFO:  Build exiting...
2021-09-14 21:45:04 INFO:  @vladmandic/human version 2.2.0
2021-09-14 21:45:04 INFO:  User: vlado Platform: linux Arch: x64 Node: v16.5.0
2021-09-14 21:45:04 INFO:  Application: {"name":"@vladmandic/human","version":"2.2.0"}
2021-09-14 21:45:04 INFO:  Environment: {"profile":"development","config":"build.json","tsconfig":true,"eslintrc":true,"git":true}
2021-09-14 21:45:04 INFO:  Toolchain: {"build":"0.4.1","esbuild":"0.12.28","typescript":"4.4.3","typedoc":"0.21.9","eslint":"7.32.0"}
2021-09-14 21:45:04 INFO:  Build: {"profile":"development","steps":["serve","watch","compile"]}
2021-09-14 21:45:04 STATE: WebServer: {"ssl":false,"port":10030,"root":"."}
2021-09-14 21:45:04 STATE: WebServer: {"ssl":true,"port":10031,"root":".","sslKey":"node_modules/@vladmandic/build/cert/https.key","sslCrt":"node_modules/@vladmandic/build/cert/https.crt"}
2021-09-14 21:45:04 STATE: Watch: {"locations":["src/**","src/**/*","tfjs/**/*"]}
2021-09-14 21:45:04 STATE: Compile: {"name":"tfjs/nodejs/cpu","format":"cjs","platform":"node","input":"tfjs/tf-node.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":102,"outputBytes":1416}
2021-09-14 21:45:04 STATE: Compile: {"name":"human/nodejs/cpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node.js","files":50,"inputBytes":475042,"outputBytes":404031}
2021-09-14 21:45:04 STATE: Compile: {"name":"tfjs/nodejs/gpu","format":"cjs","platform":"node","input":"tfjs/tf-node-gpu.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":110,"outputBytes":1424}
2021-09-14 21:45:04 STATE: Compile: {"name":"human/nodejs/gpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-gpu.js","files":50,"inputBytes":475050,"outputBytes":404035}
2021-09-14 21:45:04 STATE: Compile: {"name":"tfjs/nodejs/wasm","format":"cjs","platform":"node","input":"tfjs/tf-node-wasm.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":149,"outputBytes":1491}
2021-09-14 21:45:04 STATE: Compile: {"name":"human/nodejs/wasm","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-wasm.js","files":50,"inputBytes":475117,"outputBytes":404107}
2021-09-14 21:45:04 STATE: Compile: {"name":"tfjs/browser/version","format":"esm","platform":"browser","input":"tfjs/tf-version.ts","output":"dist/tfjs.version.js","files":1,"inputBytes":1063,"outputBytes":1631}
2021-09-14 21:45:04 STATE: Compile: {"name":"tfjs/browser/esm/nobundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":2168,"outputBytes":1590}
2021-09-14 21:45:04 STATE: Compile: {"name":"human/browser/esm/nobundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm-nobundle.js","files":50,"inputBytes":475216,"outputBytes":406295}
2021-09-14 21:45:05 STATE: Compile: {"name":"tfjs/browser/esm/bundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":7,"inputBytes":2168,"outputBytes":2343983}
2021-09-14 21:45:05 STATE: Compile: {"name":"human/browser/iife/bundle","format":"iife","platform":"browser","input":"src/human.ts","output":"dist/human.js","files":50,"inputBytes":2817609,"outputBytes":1396101}
2021-09-14 21:45:06 STATE: Compile: {"name":"human/browser/esm/bundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm.js","files":50,"inputBytes":2817609,"outputBytes":2591595}
2021-09-14 21:45:06 INFO:  Listening...
2021-09-14 21:46:20 INFO:  Watch: {"event":"modify","input":"tfjs/tf-browser.ts"}
2021-09-14 21:46:20 STATE: Compile: {"name":"tfjs/nodejs/cpu","format":"cjs","platform":"node","input":"tfjs/tf-node.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":102,"outputBytes":1416}
2021-09-14 21:46:20 STATE: Compile: {"name":"human/nodejs/cpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node.js","files":50,"inputBytes":475042,"outputBytes":404031}
2021-09-14 21:46:20 STATE: Compile: {"name":"tfjs/nodejs/gpu","format":"cjs","platform":"node","input":"tfjs/tf-node-gpu.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":110,"outputBytes":1424}
2021-09-14 21:46:20 STATE: Compile: {"name":"human/nodejs/gpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-gpu.js","files":50,"inputBytes":475050,"outputBytes":404035}
2021-09-14 21:46:20 STATE: Compile: {"name":"tfjs/nodejs/wasm","format":"cjs","platform":"node","input":"tfjs/tf-node-wasm.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":149,"outputBytes":1491}
2021-09-14 21:46:20 STATE: Compile: {"name":"human/nodejs/wasm","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-wasm.js","files":50,"inputBytes":475117,"outputBytes":404107}
2021-09-14 21:46:20 STATE: Compile: {"name":"tfjs/browser/version","format":"esm","platform":"browser","input":"tfjs/tf-version.ts","output":"dist/tfjs.version.js","files":1,"inputBytes":1063,"outputBytes":1631}
2021-09-14 21:46:20 STATE: Compile: {"name":"tfjs/browser/esm/nobundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":2,"inputBytes":2777,"outputBytes":1040}
2021-09-14 21:46:20 STATE: Compile: {"name":"human/browser/esm/nobundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm-nobundle.js","files":50,"inputBytes":474666,"outputBytes":405712}
2021-09-14 21:46:21 STATE: Compile: {"name":"tfjs/browser/esm/bundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":8,"inputBytes":2777,"outputBytes":2342949}
2021-09-14 21:46:21 STATE: Compile: {"name":"human/browser/iife/bundle","format":"iife","platform":"browser","input":"src/human.ts","output":"dist/human.js","files":50,"inputBytes":2816575,"outputBytes":1396101}
2021-09-14 21:46:22 STATE: Compile: {"name":"human/browser/esm/bundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm.js","files":50,"inputBytes":2816575,"outputBytes":2591591}
2021-09-14 21:46:34 INFO:  Build exiting...
2021-09-14 21:46:36 INFO:  @vladmandic/human version 2.2.0
2021-09-14 21:46:36 INFO:  User: vlado Platform: linux Arch: x64 Node: v16.5.0
2021-09-14 21:46:36 INFO:  Application: {"name":"@vladmandic/human","version":"2.2.0"}
2021-09-14 21:46:36 INFO:  Environment: {"profile":"development","config":"build.json","tsconfig":true,"eslintrc":true,"git":true}
2021-09-14 21:46:36 INFO:  Toolchain: {"build":"0.4.1","esbuild":"0.12.28","typescript":"4.4.3","typedoc":"0.21.9","eslint":"7.32.0"}
2021-09-14 21:46:36 INFO:  Build: {"profile":"development","steps":["serve","watch","compile"]}
2021-09-14 21:46:36 STATE: WebServer: {"ssl":false,"port":10030,"root":"."}
2021-09-14 21:46:36 STATE: WebServer: {"ssl":true,"port":10031,"root":".","sslKey":"node_modules/@vladmandic/build/cert/https.key","sslCrt":"node_modules/@vladmandic/build/cert/https.crt"}
2021-09-14 21:46:36 STATE: Watch: {"locations":["src/**","src/**/*","tfjs/**/*"]}
2021-09-14 21:46:36 STATE: Compile: {"name":"tfjs/nodejs/cpu","format":"cjs","platform":"node","input":"tfjs/tf-node.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":102,"outputBytes":1416}
2021-09-14 21:46:36 STATE: Compile: {"name":"human/nodejs/cpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node.js","files":50,"inputBytes":475042,"outputBytes":404031}
2021-09-14 21:46:36 STATE: Compile: {"name":"tfjs/nodejs/gpu","format":"cjs","platform":"node","input":"tfjs/tf-node-gpu.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":110,"outputBytes":1424}
2021-09-14 21:46:36 STATE: Compile: {"name":"human/nodejs/gpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-gpu.js","files":50,"inputBytes":475050,"outputBytes":404035}
2021-09-14 21:46:36 STATE: Compile: {"name":"tfjs/nodejs/wasm","format":"cjs","platform":"node","input":"tfjs/tf-node-wasm.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":149,"outputBytes":1491}
2021-09-14 21:46:36 STATE: Compile: {"name":"human/nodejs/wasm","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-wasm.js","files":50,"inputBytes":475117,"outputBytes":404107}
2021-09-14 21:46:36 STATE: Compile: {"name":"tfjs/browser/version","format":"esm","platform":"browser","input":"tfjs/tf-version.ts","output":"dist/tfjs.version.js","files":1,"inputBytes":1063,"outputBytes":1631}
2021-09-14 21:46:36 STATE: Compile: {"name":"tfjs/browser/esm/nobundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":2,"inputBytes":2777,"outputBytes":1040}
2021-09-14 21:46:36 STATE: Compile: {"name":"human/browser/esm/nobundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm-nobundle.js","files":50,"inputBytes":474666,"outputBytes":405712}
2021-09-14 21:46:37 STATE: Compile: {"name":"tfjs/browser/esm/bundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":8,"inputBytes":2777,"outputBytes":2342949}
2021-09-14 21:46:37 STATE: Compile: {"name":"human/browser/iife/bundle","format":"iife","platform":"browser","input":"src/human.ts","output":"dist/human.js","files":50,"inputBytes":2816575,"outputBytes":1396101}
2021-09-14 21:46:37 STATE: Compile: {"name":"human/browser/esm/bundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm.js","files":50,"inputBytes":2816575,"outputBytes":2591591}
2021-09-14 21:46:37 INFO:  Listening...
2021-09-14 21:47:17 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/html","size":6435,"url":"/","remote":"::ffff:192.168.0.200"}
2021-09-14 21:47:17 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/css","size":107884,"url":"/icons.css","remote":"::ffff:192.168.0.200"}
2021-09-14 21:47:17 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":44734,"url":"/index.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:47:17 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2591591,"url":"/dist/human.esm.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:47:17 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":14222,"url":"/helpers/menu.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:47:17 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":10894,"url":"/helpers/gl-bench.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:47:17 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2976,"url":"/helpers/webrtc.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:47:17 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"font/woff2","size":181500,"url":"/assets/lato-light.woff2","remote":"::ffff:192.168.0.200"}
2021-09-14 21:47:17 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":6556545,"url":"/dist/human.esm.js.map","remote":"::ffff:192.168.0.200"}
2021-09-14 21:47:17 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":4115,"url":"/index-pwa.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:48:33 INFO:  Watch: {"event":"modify","input":"tfjs/tf-browser.ts"}
2021-09-14 21:48:33 STATE: Compile: {"name":"tfjs/nodejs/cpu","format":"cjs","platform":"node","input":"tfjs/tf-node.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":102,"outputBytes":1416}
2021-09-14 21:48:33 STATE: Compile: {"name":"human/nodejs/cpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node.js","files":50,"inputBytes":475042,"outputBytes":404031}
2021-09-14 21:48:33 STATE: Compile: {"name":"tfjs/nodejs/gpu","format":"cjs","platform":"node","input":"tfjs/tf-node-gpu.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":110,"outputBytes":1424}
2021-09-14 21:48:33 STATE: Compile: {"name":"human/nodejs/gpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-gpu.js","files":50,"inputBytes":475050,"outputBytes":404035}
2021-09-14 21:48:33 STATE: Compile: {"name":"tfjs/nodejs/wasm","format":"cjs","platform":"node","input":"tfjs/tf-node-wasm.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":149,"outputBytes":1491}
2021-09-14 21:48:33 STATE: Compile: {"name":"human/nodejs/wasm","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-wasm.js","files":50,"inputBytes":475117,"outputBytes":404107}
2021-09-14 21:48:33 STATE: Compile: {"name":"tfjs/browser/version","format":"esm","platform":"browser","input":"tfjs/tf-version.ts","output":"dist/tfjs.version.js","files":1,"inputBytes":1063,"outputBytes":1631}
2021-09-14 21:48:33 STATE: Compile: {"name":"tfjs/browser/esm/nobundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":2,"inputBytes":2777,"outputBytes":1040}
2021-09-14 21:48:33 STATE: Compile: {"name":"human/browser/esm/nobundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm-nobundle.js","files":50,"inputBytes":474666,"outputBytes":405712}
2021-09-14 21:48:34 STATE: Compile: {"name":"tfjs/browser/esm/bundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":8,"inputBytes":2777,"outputBytes":2342949}
2021-09-14 21:48:34 STATE: Compile: {"name":"human/browser/iife/bundle","format":"iife","platform":"browser","input":"src/human.ts","output":"dist/human.js","files":50,"inputBytes":2816575,"outputBytes":1396101}
2021-09-14 21:48:35 STATE: Compile: {"name":"human/browser/esm/bundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm.js","files":50,"inputBytes":2816575,"outputBytes":2591591}
2021-09-14 21:51:55 INFO:  Watch: {"event":"modify","input":"tfjs/tf-browser.ts"}
2021-09-14 21:51:55 STATE: Compile: {"name":"tfjs/nodejs/cpu","format":"cjs","platform":"node","input":"tfjs/tf-node.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":102,"outputBytes":1416}
2021-09-14 21:51:55 STATE: Compile: {"name":"human/nodejs/cpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node.js","files":50,"inputBytes":475042,"outputBytes":404031}
2021-09-14 21:51:55 STATE: Compile: {"name":"tfjs/nodejs/gpu","format":"cjs","platform":"node","input":"tfjs/tf-node-gpu.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":110,"outputBytes":1424}
2021-09-14 21:51:55 STATE: Compile: {"name":"human/nodejs/gpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-gpu.js","files":50,"inputBytes":475050,"outputBytes":404035}
2021-09-14 21:51:55 STATE: Compile: {"name":"tfjs/nodejs/wasm","format":"cjs","platform":"node","input":"tfjs/tf-node-wasm.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":149,"outputBytes":1491}
2021-09-14 21:51:55 STATE: Compile: {"name":"human/nodejs/wasm","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-wasm.js","files":50,"inputBytes":475117,"outputBytes":404107}
2021-09-14 21:51:55 STATE: Compile: {"name":"tfjs/browser/version","format":"esm","platform":"browser","input":"tfjs/tf-version.ts","output":"dist/tfjs.version.js","files":1,"inputBytes":1063,"outputBytes":1631}
2021-09-14 21:51:55 ERROR: Compile: {"name":"tfjs/browser/esm/nobundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts"} {"errors":[{"location":{"column":17,"file":"tfjs/tf-browser.ts","length":45,"line":31,"lineText":"import * as wasm '@tensorflow/tfjs-backend-wasm/dist/index.js';","namespace":"","suggestion":""},"notes":[],"pluginName":"","text":"Expected \"from\" but found \"'@tensorflow/tfjs-backend-wasm/dist/index.js'\""}]}
2021-09-14 21:51:55 STATE: Compile: {"name":"human/browser/esm/nobundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm-nobundle.js","files":50,"inputBytes":475117,"outputBytes":403793}
2021-09-14 21:51:55 ERROR: Compile: {"name":"tfjs/browser/esm/bundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts"} {"errors":[{"location":{"column":17,"file":"tfjs/tf-browser.ts","length":45,"line":31,"lineText":"import * as wasm '@tensorflow/tfjs-backend-wasm/dist/index.js';","namespace":"","suggestion":""},"notes":[],"pluginName":"","text":"Expected \"from\" but found \"'@tensorflow/tfjs-backend-wasm/dist/index.js'\""}]}
2021-09-14 21:51:55 STATE: Compile: {"name":"human/browser/iife/bundle","format":"iife","platform":"browser","input":"src/human.ts","output":"dist/human.js","files":56,"inputBytes":475117,"outputBytes":1786333}
2021-09-14 21:51:56 STATE: Compile: {"name":"human/browser/esm/bundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm.js","files":56,"inputBytes":475117,"outputBytes":3662765}
2021-09-14 21:52:04 INFO:  Watch: {"event":"modify","input":"tfjs/tf-browser.ts"}
2021-09-14 21:52:04 STATE: Compile: {"name":"tfjs/nodejs/cpu","format":"cjs","platform":"node","input":"tfjs/tf-node.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":102,"outputBytes":1416}
2021-09-14 21:52:04 STATE: Compile: {"name":"human/nodejs/cpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node.js","files":50,"inputBytes":475042,"outputBytes":404031}
2021-09-14 21:52:04 STATE: Compile: {"name":"tfjs/nodejs/gpu","format":"cjs","platform":"node","input":"tfjs/tf-node-gpu.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":110,"outputBytes":1424}
2021-09-14 21:52:04 STATE: Compile: {"name":"human/nodejs/gpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-gpu.js","files":50,"inputBytes":475050,"outputBytes":404035}
2021-09-14 21:52:04 STATE: Compile: {"name":"tfjs/nodejs/wasm","format":"cjs","platform":"node","input":"tfjs/tf-node-wasm.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":149,"outputBytes":1491}
2021-09-14 21:52:04 STATE: Compile: {"name":"human/nodejs/wasm","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-wasm.js","files":50,"inputBytes":475117,"outputBytes":404107}
2021-09-14 21:52:04 STATE: Compile: {"name":"tfjs/browser/version","format":"esm","platform":"browser","input":"tfjs/tf-version.ts","output":"dist/tfjs.version.js","files":1,"inputBytes":1063,"outputBytes":1631}
2021-09-14 21:52:04 STATE: Compile: {"name":"tfjs/browser/esm/nobundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":2,"inputBytes":3043,"outputBytes":1360}
2021-09-14 21:52:04 STATE: Compile: {"name":"human/browser/esm/nobundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm-nobundle.js","files":50,"inputBytes":474986,"outputBytes":400144}
2021-09-14 21:52:04 STATE: Compile: {"name":"tfjs/browser/esm/bundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":8,"inputBytes":3043,"outputBytes":2380257}
2021-09-14 21:52:05 STATE: Compile: {"name":"human/browser/iife/bundle","format":"iife","platform":"browser","input":"src/human.ts","output":"dist/human.js","files":50,"inputBytes":2853883,"outputBytes":1406286}
2021-09-14 21:52:05 STATE: Compile: {"name":"human/browser/esm/bundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm.js","files":50,"inputBytes":2853883,"outputBytes":2605503}
2021-09-14 21:52:40 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/html","size":6435,"url":"/","remote":"::ffff:192.168.0.200"}
2021-09-14 21:52:40 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/css","size":107884,"url":"/icons.css","remote":"::ffff:192.168.0.200"}
2021-09-14 21:52:40 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":44734,"url":"/index.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:52:40 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2605503,"url":"/dist/human.esm.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:52:40 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":14222,"url":"/helpers/menu.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:52:40 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":10894,"url":"/helpers/gl-bench.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:52:40 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2976,"url":"/helpers/webrtc.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:52:40 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"font/woff2","size":181500,"url":"/assets/lato-light.woff2","remote":"::ffff:192.168.0.200"}
2021-09-14 21:52:40 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":6752676,"url":"/dist/human.esm.js.map","remote":"::ffff:192.168.0.200"}
2021-09-14 21:52:40 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"image/x-icon","size":261950,"url":"/favicon.ico","remote":"::ffff:192.168.0.200"}
2021-09-14 21:52:41 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":4115,"url":"/index-pwa.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:52:46 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/html","size":6435,"url":"/","remote":"::ffff:192.168.0.200"}
2021-09-14 21:52:46 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/css","size":107884,"url":"/icons.css","remote":"::ffff:192.168.0.200"}
2021-09-14 21:52:46 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":44734,"url":"/index.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:52:46 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2605503,"url":"/dist/human.esm.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:52:46 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":14222,"url":"/helpers/menu.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:52:46 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":10894,"url":"/helpers/gl-bench.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:52:46 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2976,"url":"/helpers/webrtc.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:52:46 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"font/woff2","size":181500,"url":"/assets/lato-light.woff2","remote":"::ffff:192.168.0.200"}
2021-09-14 21:52:46 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":6752676,"url":"/dist/human.esm.js.map","remote":"::ffff:192.168.0.200"}
2021-09-14 21:52:46 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"image/x-icon","size":261950,"url":"/favicon.ico","remote":"::ffff:192.168.0.200"}
2021-09-14 21:52:46 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":4115,"url":"/index-pwa.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:53:36 INFO:  Watch: {"event":"modify","input":"tfjs/tf-browser.ts"}
2021-09-14 21:53:36 STATE: Compile: {"name":"tfjs/nodejs/cpu","format":"cjs","platform":"node","input":"tfjs/tf-node.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":102,"outputBytes":1416}
2021-09-14 21:53:36 STATE: Compile: {"name":"human/nodejs/cpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node.js","files":50,"inputBytes":475042,"outputBytes":404031}
2021-09-14 21:53:36 STATE: Compile: {"name":"tfjs/nodejs/gpu","format":"cjs","platform":"node","input":"tfjs/tf-node-gpu.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":110,"outputBytes":1424}
2021-09-14 21:53:36 STATE: Compile: {"name":"human/nodejs/gpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-gpu.js","files":50,"inputBytes":475050,"outputBytes":404035}
2021-09-14 21:53:36 STATE: Compile: {"name":"tfjs/nodejs/wasm","format":"cjs","platform":"node","input":"tfjs/tf-node-wasm.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":149,"outputBytes":1491}
2021-09-14 21:53:36 STATE: Compile: {"name":"human/nodejs/wasm","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-wasm.js","files":50,"inputBytes":475117,"outputBytes":404107}
2021-09-14 21:53:36 STATE: Compile: {"name":"tfjs/browser/version","format":"esm","platform":"browser","input":"tfjs/tf-version.ts","output":"dist/tfjs.version.js","files":1,"inputBytes":1063,"outputBytes":1631}
2021-09-14 21:53:36 STATE: Compile: {"name":"tfjs/browser/esm/nobundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":2,"inputBytes":3034,"outputBytes":731}
2021-09-14 21:53:36 STATE: Compile: {"name":"human/browser/esm/nobundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm-nobundle.js","files":50,"inputBytes":474357,"outputBytes":405155}
2021-09-14 21:53:36 STATE: Compile: {"name":"tfjs/browser/esm/bundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":8,"inputBytes":3034,"outputBytes":2370864}
2021-09-14 21:53:37 STATE: Compile: {"name":"human/browser/iife/bundle","format":"iife","platform":"browser","input":"src/human.ts","output":"dist/human.js","files":50,"inputBytes":2844490,"outputBytes":1403804}
2021-09-14 21:53:37 STATE: Compile: {"name":"human/browser/esm/bundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm.js","files":50,"inputBytes":2844490,"outputBytes":2603608}
2021-09-14 21:53:47 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/html","size":6435,"url":"/","remote":"::ffff:192.168.0.200"}
2021-09-14 21:53:47 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/css","size":107884,"url":"/icons.css","remote":"::ffff:192.168.0.200"}
2021-09-14 21:53:47 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":44734,"url":"/index.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:53:47 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"font/woff2","size":181500,"url":"/assets/lato-light.woff2","remote":"::ffff:192.168.0.200"}
2021-09-14 21:53:47 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2603608,"url":"/dist/human.esm.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:53:47 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":14222,"url":"/helpers/menu.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:53:47 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":10894,"url":"/helpers/gl-bench.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:53:47 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2976,"url":"/helpers/webrtc.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:53:47 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":6748469,"url":"/dist/human.esm.js.map","remote":"::ffff:192.168.0.200"}
2021-09-14 21:53:47 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"image/x-icon","size":261950,"url":"/favicon.ico","remote":"::ffff:192.168.0.200"}
2021-09-14 21:53:47 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":4115,"url":"/index-pwa.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:53:50 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/html","size":6435,"url":"/","remote":"::ffff:192.168.0.200"}
2021-09-14 21:53:50 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/css","size":107884,"url":"/icons.css","remote":"::ffff:192.168.0.200"}
2021-09-14 21:53:50 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":44734,"url":"/index.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:53:50 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2603608,"url":"/dist/human.esm.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:53:50 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":14222,"url":"/helpers/menu.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:53:50 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":10894,"url":"/helpers/gl-bench.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:53:50 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2976,"url":"/helpers/webrtc.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:53:50 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"font/woff2","size":181500,"url":"/assets/lato-light.woff2","remote":"::ffff:192.168.0.200"}
2021-09-14 21:53:50 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":6748469,"url":"/dist/human.esm.js.map","remote":"::ffff:192.168.0.200"}
2021-09-14 21:53:51 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"image/x-icon","size":261950,"url":"/favicon.ico","remote":"::ffff:192.168.0.200"}
2021-09-14 21:53:51 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":4115,"url":"/index-pwa.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:54:42 INFO:  Watch: {"event":"modify","input":"tfjs/tf-browser.ts"}
2021-09-14 21:54:42 STATE: Compile: {"name":"tfjs/nodejs/cpu","format":"cjs","platform":"node","input":"tfjs/tf-node.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":102,"outputBytes":1416}
2021-09-14 21:54:42 STATE: Compile: {"name":"human/nodejs/cpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node.js","files":50,"inputBytes":475042,"outputBytes":404031}
2021-09-14 21:54:42 STATE: Compile: {"name":"tfjs/nodejs/gpu","format":"cjs","platform":"node","input":"tfjs/tf-node-gpu.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":110,"outputBytes":1424}
2021-09-14 21:54:42 STATE: Compile: {"name":"human/nodejs/gpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-gpu.js","files":50,"inputBytes":475050,"outputBytes":404035}
2021-09-14 21:54:42 STATE: Compile: {"name":"tfjs/nodejs/wasm","format":"cjs","platform":"node","input":"tfjs/tf-node-wasm.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":149,"outputBytes":1491}
2021-09-14 21:54:42 STATE: Compile: {"name":"human/nodejs/wasm","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-wasm.js","files":50,"inputBytes":475117,"outputBytes":404107}
2021-09-14 21:54:42 STATE: Compile: {"name":"tfjs/browser/version","format":"esm","platform":"browser","input":"tfjs/tf-version.ts","output":"dist/tfjs.version.js","files":1,"inputBytes":1063,"outputBytes":1631}
2021-09-14 21:54:42 STATE: Compile: {"name":"tfjs/browser/esm/nobundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":2,"inputBytes":2980,"outputBytes":731}
2021-09-14 21:54:42 STATE: Compile: {"name":"human/browser/esm/nobundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm-nobundle.js","files":50,"inputBytes":474357,"outputBytes":405155}
2021-09-14 21:54:43 STATE: Compile: {"name":"tfjs/browser/esm/bundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":8,"inputBytes":2980,"outputBytes":2371367}
2021-09-14 21:54:43 STATE: Compile: {"name":"human/browser/iife/bundle","format":"iife","platform":"browser","input":"src/human.ts","output":"dist/human.js","files":50,"inputBytes":2844993,"outputBytes":1404078}
2021-09-14 21:54:43 STATE: Compile: {"name":"human/browser/esm/bundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm.js","files":50,"inputBytes":2844993,"outputBytes":2604090}
2021-09-14 21:54:56 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/html","size":6435,"url":"/","remote":"::ffff:192.168.0.200"}
2021-09-14 21:54:56 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/css","size":107884,"url":"/icons.css","remote":"::ffff:192.168.0.200"}
2021-09-14 21:54:56 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":44734,"url":"/index.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:54:56 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2604090,"url":"/dist/human.esm.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:54:56 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":14222,"url":"/helpers/menu.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:54:56 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":10894,"url":"/helpers/gl-bench.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:54:56 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2976,"url":"/helpers/webrtc.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:54:56 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"font/woff2","size":181500,"url":"/assets/lato-light.woff2","remote":"::ffff:192.168.0.200"}
2021-09-14 21:54:57 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":6750429,"url":"/dist/human.esm.js.map","remote":"::ffff:192.168.0.200"}
2021-09-14 21:54:57 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"image/x-icon","size":261950,"url":"/favicon.ico","remote":"::ffff:192.168.0.200"}
2021-09-14 21:54:57 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":4115,"url":"/index-pwa.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:05 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/html","size":6435,"url":"/","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:05 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/css","size":107884,"url":"/icons.css","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:05 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":44734,"url":"/index.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:05 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2604090,"url":"/dist/human.esm.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:05 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":14222,"url":"/helpers/menu.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:05 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":10894,"url":"/helpers/gl-bench.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:05 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2976,"url":"/helpers/webrtc.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:05 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"font/woff2","size":181500,"url":"/assets/lato-light.woff2","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:05 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"image/x-icon","size":261950,"url":"/favicon.ico","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:05 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":6750429,"url":"/dist/human.esm.js.map","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:05 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":4115,"url":"/index-pwa.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:22 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/html","size":6435,"url":"/?backend=wasm&worker=false","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:22 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/css","size":107884,"url":"/icons.css","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:22 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":44734,"url":"/index.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:22 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2604090,"url":"/dist/human.esm.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:22 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":14222,"url":"/helpers/menu.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:22 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":10894,"url":"/helpers/gl-bench.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:22 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2976,"url":"/helpers/webrtc.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:22 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"font/woff2","size":181500,"url":"/assets/lato-light.woff2","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:22 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":6750429,"url":"/dist/human.esm.js.map","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:22 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":4115,"url":"/index-pwa.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:25 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":79038,"url":"/models/blazeface.json","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:25 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":89289,"url":"/models/facemesh.json","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:25 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":122025,"url":"/models/iris.json","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:25 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":17980,"url":"/models/emotion.json","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:25 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":113998,"url":"/models/handdetect.json","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:25 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":129116,"url":"/models/handskeleton.json","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:25 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":161813,"url":"/models/movenet-lightning.json","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:25 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":71432,"url":"/models/faceres.json","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:25 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":820516,"url":"/models/emotion.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:25 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":538928,"url":"/models/blazeface.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:25 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":2955780,"url":"/models/facemesh.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:25 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":2599092,"url":"/models/iris.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:25 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":3515612,"url":"/models/handdetect.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:25 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":6978814,"url":"/models/faceres.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:25 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":5502280,"url":"/models/handskeleton.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 21:55:25 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":4650216,"url":"/models/movenet-lightning.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 21:56:30 INFO:  Watch: {"event":"modify","input":"src/env.ts"}
2021-09-14 21:56:30 STATE: Compile: {"name":"tfjs/nodejs/cpu","format":"cjs","platform":"node","input":"tfjs/tf-node.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":102,"outputBytes":1416}
2021-09-14 21:56:30 STATE: Compile: {"name":"human/nodejs/cpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node.js","files":50,"inputBytes":475078,"outputBytes":404064}
2021-09-14 21:56:30 STATE: Compile: {"name":"tfjs/nodejs/gpu","format":"cjs","platform":"node","input":"tfjs/tf-node-gpu.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":110,"outputBytes":1424}
2021-09-14 21:56:30 STATE: Compile: {"name":"human/nodejs/gpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-gpu.js","files":50,"inputBytes":475086,"outputBytes":404068}
2021-09-14 21:56:30 STATE: Compile: {"name":"tfjs/nodejs/wasm","format":"cjs","platform":"node","input":"tfjs/tf-node-wasm.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":149,"outputBytes":1491}
2021-09-14 21:56:30 STATE: Compile: {"name":"human/nodejs/wasm","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-wasm.js","files":50,"inputBytes":475153,"outputBytes":404140}
2021-09-14 21:56:30 STATE: Compile: {"name":"tfjs/browser/version","format":"esm","platform":"browser","input":"tfjs/tf-version.ts","output":"dist/tfjs.version.js","files":1,"inputBytes":1063,"outputBytes":1631}
2021-09-14 21:56:30 STATE: Compile: {"name":"tfjs/browser/esm/nobundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":2,"inputBytes":2980,"outputBytes":731}
2021-09-14 21:56:30 STATE: Compile: {"name":"human/browser/esm/nobundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm-nobundle.js","files":50,"inputBytes":474393,"outputBytes":405201}
2021-09-14 21:56:30 STATE: Compile: {"name":"tfjs/browser/esm/bundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":8,"inputBytes":2980,"outputBytes":2371367}
2021-09-14 21:56:31 STATE: Compile: {"name":"human/browser/iife/bundle","format":"iife","platform":"browser","input":"src/human.ts","output":"dist/human.js","files":50,"inputBytes":2845029,"outputBytes":1404100}
2021-09-14 21:56:31 STATE: Compile: {"name":"human/browser/esm/bundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm.js","files":50,"inputBytes":2845029,"outputBytes":2604119}
2021-09-14 21:56:41 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/html","size":6435,"url":"/?backend=wasm&worker=false","remote":"::ffff:192.168.0.200"}
2021-09-14 21:56:41 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/css","size":107884,"url":"/icons.css","remote":"::ffff:192.168.0.200"}
2021-09-14 21:56:41 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":44734,"url":"/index.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:56:41 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2604119,"url":"/dist/human.esm.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:56:41 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":14222,"url":"/helpers/menu.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:56:41 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":10894,"url":"/helpers/gl-bench.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:56:41 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2976,"url":"/helpers/webrtc.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:56:41 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"font/woff2","size":181500,"url":"/assets/lato-light.woff2","remote":"::ffff:192.168.0.200"}
2021-09-14 21:56:42 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"image/x-icon","size":261950,"url":"/favicon.ico","remote":"::ffff:192.168.0.200"}
2021-09-14 21:56:42 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":6750483,"url":"/dist/human.esm.js.map","remote":"::ffff:192.168.0.200"}
2021-09-14 21:56:42 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":4115,"url":"/index-pwa.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:56:44 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":79038,"url":"/models/blazeface.json","remote":"::ffff:192.168.0.200"}
2021-09-14 21:56:44 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":89289,"url":"/models/facemesh.json","remote":"::ffff:192.168.0.200"}
2021-09-14 21:56:44 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":122025,"url":"/models/iris.json","remote":"::ffff:192.168.0.200"}
2021-09-14 21:56:44 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":17980,"url":"/models/emotion.json","remote":"::ffff:192.168.0.200"}
2021-09-14 21:56:44 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":113998,"url":"/models/handdetect.json","remote":"::ffff:192.168.0.200"}
2021-09-14 21:56:44 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":129116,"url":"/models/handskeleton.json","remote":"::ffff:192.168.0.200"}
2021-09-14 21:56:44 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":161813,"url":"/models/movenet-lightning.json","remote":"::ffff:192.168.0.200"}
2021-09-14 21:56:44 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":71432,"url":"/models/faceres.json","remote":"::ffff:192.168.0.200"}
2021-09-14 21:56:44 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":820516,"url":"/models/emotion.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 21:56:44 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":2955780,"url":"/models/facemesh.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 21:56:44 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":538928,"url":"/models/blazeface.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 21:56:44 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":2599092,"url":"/models/iris.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 21:56:44 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":5502280,"url":"/models/handskeleton.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 21:56:44 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":3515612,"url":"/models/handdetect.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 21:56:44 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":4650216,"url":"/models/movenet-lightning.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 21:56:44 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":6978814,"url":"/models/faceres.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:14 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/html","size":6435,"url":"/?backend=wasm&worker=false","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:14 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/css","size":107884,"url":"/icons.css","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:14 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":44734,"url":"/index.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:14 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2604119,"url":"/dist/human.esm.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:14 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":14222,"url":"/helpers/menu.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:14 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":10894,"url":"/helpers/gl-bench.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:14 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2976,"url":"/helpers/webrtc.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:14 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"font/woff2","size":181500,"url":"/assets/lato-light.woff2","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:15 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"image/x-icon","size":261950,"url":"/favicon.ico","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:15 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":6750483,"url":"/dist/human.esm.js.map","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:15 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":4115,"url":"/index-pwa.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:16 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":79038,"url":"/models/blazeface.json","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:16 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":89289,"url":"/models/facemesh.json","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:16 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":122025,"url":"/models/iris.json","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:16 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":17980,"url":"/models/emotion.json","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:16 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":113998,"url":"/models/handdetect.json","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:16 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":129116,"url":"/models/handskeleton.json","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:16 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":161813,"url":"/models/movenet-lightning.json","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:16 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":71432,"url":"/models/faceres.json","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:16 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":538928,"url":"/models/blazeface.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:16 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":2955780,"url":"/models/facemesh.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:16 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":2599092,"url":"/models/iris.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:16 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":820516,"url":"/models/emotion.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:16 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":3515612,"url":"/models/handdetect.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:16 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":5502280,"url":"/models/handskeleton.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:16 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":6978814,"url":"/models/faceres.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:16 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":4650216,"url":"/models/movenet-lightning.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:28 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/html","size":6435,"url":"/?backend=humangl&worker=false","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:28 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/css","size":107884,"url":"/icons.css","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:28 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":44734,"url":"/index.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:28 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2604119,"url":"/dist/human.esm.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:28 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":14222,"url":"/helpers/menu.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:28 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":10894,"url":"/helpers/gl-bench.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:28 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2976,"url":"/helpers/webrtc.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:28 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"font/woff2","size":181500,"url":"/assets/lato-light.woff2","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:28 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":6750483,"url":"/dist/human.esm.js.map","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:28 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":4115,"url":"/index-pwa.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:34 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/html","size":6435,"url":"/?backend=humangl&worker=false","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:34 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/css","size":107884,"url":"/icons.css","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:34 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":44734,"url":"/index.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:34 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2604119,"url":"/dist/human.esm.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:34 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":14222,"url":"/helpers/menu.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:34 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":10894,"url":"/helpers/gl-bench.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:34 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2976,"url":"/helpers/webrtc.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:34 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"font/woff2","size":181500,"url":"/assets/lato-light.woff2","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:34 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":6750483,"url":"/dist/human.esm.js.map","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:34 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"image/x-icon","size":261950,"url":"/favicon.ico","remote":"::ffff:192.168.0.200"}
2021-09-14 21:57:35 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":4115,"url":"/index-pwa.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:58:12 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/html","size":6435,"url":"/?worker=false","remote":"::ffff:192.168.0.200"}
2021-09-14 21:58:12 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/css","size":107884,"url":"/icons.css","remote":"::ffff:192.168.0.200"}
2021-09-14 21:58:12 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":44734,"url":"/index.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:58:12 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"font/woff2","size":181500,"url":"/assets/lato-light.woff2","remote":"::ffff:192.168.0.200"}
2021-09-14 21:58:12 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2604119,"url":"/dist/human.esm.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:58:12 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":14222,"url":"/helpers/menu.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:58:12 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":10894,"url":"/helpers/gl-bench.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:58:12 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2976,"url":"/helpers/webrtc.js","remote":"::ffff:192.168.0.200"}
2021-09-14 21:58:12 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":6750483,"url":"/dist/human.esm.js.map","remote":"::ffff:192.168.0.200"}
2021-09-14 21:58:12 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":4115,"url":"/index-pwa.js","remote":"::ffff:192.168.0.200"}
2021-09-14 22:00:00 INFO:  Watch: {"event":"modify","input":"src/tfjs/humangl.ts"}
2021-09-14 22:00:00 STATE: Compile: {"name":"tfjs/nodejs/cpu","format":"cjs","platform":"node","input":"tfjs/tf-node.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":102,"outputBytes":1416}
2021-09-14 22:00:00 STATE: Compile: {"name":"human/nodejs/cpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node.js","files":50,"inputBytes":475138,"outputBytes":404127}
2021-09-14 22:00:00 STATE: Compile: {"name":"tfjs/nodejs/gpu","format":"cjs","platform":"node","input":"tfjs/tf-node-gpu.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":110,"outputBytes":1424}
2021-09-14 22:00:01 STATE: Compile: {"name":"human/nodejs/gpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-gpu.js","files":50,"inputBytes":475146,"outputBytes":404131}
2021-09-14 22:00:01 STATE: Compile: {"name":"tfjs/nodejs/wasm","format":"cjs","platform":"node","input":"tfjs/tf-node-wasm.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":149,"outputBytes":1491}
2021-09-14 22:00:01 STATE: Compile: {"name":"human/nodejs/wasm","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-wasm.js","files":50,"inputBytes":475213,"outputBytes":404203}
2021-09-14 22:00:01 STATE: Compile: {"name":"tfjs/browser/version","format":"esm","platform":"browser","input":"tfjs/tf-version.ts","output":"dist/tfjs.version.js","files":1,"inputBytes":1063,"outputBytes":1631}
2021-09-14 22:00:01 STATE: Compile: {"name":"tfjs/browser/esm/nobundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":2,"inputBytes":2980,"outputBytes":731}
2021-09-14 22:00:01 STATE: Compile: {"name":"human/browser/esm/nobundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm-nobundle.js","files":50,"inputBytes":474453,"outputBytes":405276}
2021-09-14 22:00:01 STATE: Compile: {"name":"tfjs/browser/esm/bundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":8,"inputBytes":2980,"outputBytes":2371367}
2021-09-14 22:00:01 STATE: Compile: {"name":"human/browser/iife/bundle","format":"iife","platform":"browser","input":"src/human.ts","output":"dist/human.js","files":50,"inputBytes":2845089,"outputBytes":1404141}
2021-09-14 22:00:02 STATE: Compile: {"name":"human/browser/esm/bundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm.js","files":50,"inputBytes":2845089,"outputBytes":2604168}
2021-09-14 22:00:03 INFO:  Watch: {"event":"modify","input":"src/tfjs/backend.ts"}
2021-09-14 22:00:03 STATE: Compile: {"name":"tfjs/nodejs/cpu","format":"cjs","platform":"node","input":"tfjs/tf-node.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":102,"outputBytes":1416}
2021-09-14 22:00:03 STATE: Compile: {"name":"human/nodejs/cpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node.js","files":50,"inputBytes":475138,"outputBytes":404127}
2021-09-14 22:00:03 STATE: Compile: {"name":"tfjs/nodejs/gpu","format":"cjs","platform":"node","input":"tfjs/tf-node-gpu.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":110,"outputBytes":1424}
2021-09-14 22:00:03 STATE: Compile: {"name":"human/nodejs/gpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-gpu.js","files":50,"inputBytes":475146,"outputBytes":404131}
2021-09-14 22:00:03 STATE: Compile: {"name":"tfjs/nodejs/wasm","format":"cjs","platform":"node","input":"tfjs/tf-node-wasm.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":149,"outputBytes":1491}
2021-09-14 22:00:03 STATE: Compile: {"name":"human/nodejs/wasm","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-wasm.js","files":50,"inputBytes":475213,"outputBytes":404203}
2021-09-14 22:00:03 STATE: Compile: {"name":"tfjs/browser/version","format":"esm","platform":"browser","input":"tfjs/tf-version.ts","output":"dist/tfjs.version.js","files":1,"inputBytes":1063,"outputBytes":1631}
2021-09-14 22:00:03 STATE: Compile: {"name":"tfjs/browser/esm/nobundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":2,"inputBytes":2980,"outputBytes":731}
2021-09-14 22:00:03 STATE: Compile: {"name":"human/browser/esm/nobundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm-nobundle.js","files":50,"inputBytes":474453,"outputBytes":405276}
2021-09-14 22:00:04 STATE: Compile: {"name":"tfjs/browser/esm/bundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":8,"inputBytes":2980,"outputBytes":2371367}
2021-09-14 22:00:04 STATE: Compile: {"name":"human/browser/iife/bundle","format":"iife","platform":"browser","input":"src/human.ts","output":"dist/human.js","files":50,"inputBytes":2845089,"outputBytes":1404141}
2021-09-14 22:00:05 STATE: Compile: {"name":"human/browser/esm/bundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm.js","files":50,"inputBytes":2845089,"outputBytes":2604168}
2021-09-14 22:00:10 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/html","size":6435,"url":"/?worker=false","remote":"::ffff:192.168.0.200"}
2021-09-14 22:00:10 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/css","size":107884,"url":"/icons.css","remote":"::ffff:192.168.0.200"}
2021-09-14 22:00:10 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":44734,"url":"/index.js","remote":"::ffff:192.168.0.200"}
2021-09-14 22:00:10 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2604168,"url":"/dist/human.esm.js","remote":"::ffff:192.168.0.200"}
2021-09-14 22:00:10 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":14222,"url":"/helpers/menu.js","remote":"::ffff:192.168.0.200"}
2021-09-14 22:00:10 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":10894,"url":"/helpers/gl-bench.js","remote":"::ffff:192.168.0.200"}
2021-09-14 22:00:10 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2976,"url":"/helpers/webrtc.js","remote":"::ffff:192.168.0.200"}
2021-09-14 22:00:10 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"font/woff2","size":181500,"url":"/assets/lato-light.woff2","remote":"::ffff:192.168.0.200"}
2021-09-14 22:00:10 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"image/x-icon","size":261950,"url":"/favicon.ico","remote":"::ffff:192.168.0.200"}
2021-09-14 22:00:10 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":6750575,"url":"/dist/human.esm.js.map","remote":"::ffff:192.168.0.200"}
2021-09-14 22:00:11 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":4115,"url":"/index-pwa.js","remote":"::ffff:192.168.0.200"}
2021-09-14 22:00:38 INFO:  Watch: {"event":"modify","input":"tfjs/tf-browser.ts"}
2021-09-14 22:00:38 STATE: Compile: {"name":"tfjs/nodejs/cpu","format":"cjs","platform":"node","input":"tfjs/tf-node.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":102,"outputBytes":1416}
2021-09-14 22:00:38 STATE: Compile: {"name":"human/nodejs/cpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node.js","files":50,"inputBytes":475138,"outputBytes":404127}
2021-09-14 22:00:38 STATE: Compile: {"name":"tfjs/nodejs/gpu","format":"cjs","platform":"node","input":"tfjs/tf-node-gpu.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":110,"outputBytes":1424}
2021-09-14 22:00:38 STATE: Compile: {"name":"human/nodejs/gpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-gpu.js","files":50,"inputBytes":475146,"outputBytes":404131}
2021-09-14 22:00:38 STATE: Compile: {"name":"tfjs/nodejs/wasm","format":"cjs","platform":"node","input":"tfjs/tf-node-wasm.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":149,"outputBytes":1491}
2021-09-14 22:00:38 STATE: Compile: {"name":"human/nodejs/wasm","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-wasm.js","files":50,"inputBytes":475213,"outputBytes":404203}
2021-09-14 22:00:38 STATE: Compile: {"name":"tfjs/browser/version","format":"esm","platform":"browser","input":"tfjs/tf-version.ts","output":"dist/tfjs.version.js","files":1,"inputBytes":1063,"outputBytes":1631}
2021-09-14 22:00:38 STATE: Compile: {"name":"tfjs/browser/esm/nobundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":2,"inputBytes":3042,"outputBytes":793}
2021-09-14 22:00:38 STATE: Compile: {"name":"human/browser/esm/nobundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm-nobundle.js","files":50,"inputBytes":474515,"outputBytes":405394}
2021-09-14 22:00:39 STATE: Compile: {"name":"tfjs/browser/esm/bundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":8,"inputBytes":3042,"outputBytes":2376809}
2021-09-14 22:00:39 STATE: Compile: {"name":"human/browser/iife/bundle","format":"iife","platform":"browser","input":"src/human.ts","output":"dist/human.js","files":50,"inputBytes":2850531,"outputBytes":1406847}
2021-09-14 22:00:40 STATE: Compile: {"name":"human/browser/esm/bundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm.js","files":50,"inputBytes":2850531,"outputBytes":2609309}
2021-09-14 22:00:58 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/html","size":6435,"url":"/?worker=false","remote":"::ffff:192.168.0.200"}
2021-09-14 22:00:58 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/css","size":107884,"url":"/icons.css","remote":"::ffff:192.168.0.200"}
2021-09-14 22:00:58 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":44734,"url":"/index.js","remote":"::ffff:192.168.0.200"}
2021-09-14 22:00:58 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2609309,"url":"/dist/human.esm.js","remote":"::ffff:192.168.0.200"}
2021-09-14 22:00:58 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":14222,"url":"/helpers/menu.js","remote":"::ffff:192.168.0.200"}
2021-09-14 22:00:58 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":10894,"url":"/helpers/gl-bench.js","remote":"::ffff:192.168.0.200"}
2021-09-14 22:00:58 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2976,"url":"/helpers/webrtc.js","remote":"::ffff:192.168.0.200"}
2021-09-14 22:00:59 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"font/woff2","size":181500,"url":"/assets/lato-light.woff2","remote":"::ffff:192.168.0.200"}
2021-09-14 22:00:59 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"image/x-icon","size":261950,"url":"/favicon.ico","remote":"::ffff:192.168.0.200"}
2021-09-14 22:00:59 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":6753031,"url":"/dist/human.esm.js.map","remote":"::ffff:192.168.0.200"}
2021-09-14 22:00:59 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":4115,"url":"/index-pwa.js","remote":"::ffff:192.168.0.200"}
2021-09-14 22:01:00 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":79038,"url":"/models/blazeface.json","remote":"::ffff:192.168.0.200"}
2021-09-14 22:01:00 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":89289,"url":"/models/facemesh.json","remote":"::ffff:192.168.0.200"}
2021-09-14 22:01:00 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":122025,"url":"/models/iris.json","remote":"::ffff:192.168.0.200"}
2021-09-14 22:01:00 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":17980,"url":"/models/emotion.json","remote":"::ffff:192.168.0.200"}
2021-09-14 22:01:00 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":113998,"url":"/models/handdetect.json","remote":"::ffff:192.168.0.200"}
2021-09-14 22:01:00 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":129116,"url":"/models/handskeleton.json","remote":"::ffff:192.168.0.200"}
2021-09-14 22:01:00 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":161813,"url":"/models/movenet-lightning.json","remote":"::ffff:192.168.0.200"}
2021-09-14 22:01:00 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":71432,"url":"/models/faceres.json","remote":"::ffff:192.168.0.200"}
2021-09-14 22:01:00 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":820516,"url":"/models/emotion.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 22:01:00 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":538928,"url":"/models/blazeface.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 22:01:00 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":2955780,"url":"/models/facemesh.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 22:01:00 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":2599092,"url":"/models/iris.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 22:01:00 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":5502280,"url":"/models/handskeleton.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 22:01:00 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":3515612,"url":"/models/handdetect.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 22:01:00 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":6978814,"url":"/models/faceres.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 22:01:00 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":4650216,"url":"/models/movenet-lightning.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 22:01:48 INFO:  Watch: {"event":"modify","input":"tfjs/tf-browser.ts"}
2021-09-14 22:01:48 STATE: Compile: {"name":"tfjs/nodejs/cpu","format":"cjs","platform":"node","input":"tfjs/tf-node.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":102,"outputBytes":1416}
2021-09-14 22:01:48 STATE: Compile: {"name":"human/nodejs/cpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node.js","files":50,"inputBytes":475138,"outputBytes":404127}
2021-09-14 22:01:48 STATE: Compile: {"name":"tfjs/nodejs/gpu","format":"cjs","platform":"node","input":"tfjs/tf-node-gpu.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":110,"outputBytes":1424}
2021-09-14 22:01:48 STATE: Compile: {"name":"human/nodejs/gpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-gpu.js","files":50,"inputBytes":475146,"outputBytes":404131}
2021-09-14 22:01:48 STATE: Compile: {"name":"tfjs/nodejs/wasm","format":"cjs","platform":"node","input":"tfjs/tf-node-wasm.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":149,"outputBytes":1491}
2021-09-14 22:01:48 STATE: Compile: {"name":"human/nodejs/wasm","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-wasm.js","files":50,"inputBytes":475213,"outputBytes":404203}
2021-09-14 22:01:48 STATE: Compile: {"name":"tfjs/browser/version","format":"esm","platform":"browser","input":"tfjs/tf-version.ts","output":"dist/tfjs.version.js","files":1,"inputBytes":1063,"outputBytes":1631}
2021-09-14 22:01:48 STATE: Compile: {"name":"tfjs/browser/esm/nobundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":2,"inputBytes":3088,"outputBytes":793}
2021-09-14 22:01:48 STATE: Compile: {"name":"human/browser/esm/nobundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm-nobundle.js","files":50,"inputBytes":474515,"outputBytes":405394}
2021-09-14 22:01:48 STATE: Compile: {"name":"tfjs/browser/esm/bundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":8,"inputBytes":3088,"outputBytes":2376809}
2021-09-14 22:01:49 STATE: Compile: {"name":"human/browser/iife/bundle","format":"iife","platform":"browser","input":"src/human.ts","output":"dist/human.js","files":50,"inputBytes":2850531,"outputBytes":1406847}
2021-09-14 22:01:49 STATE: Compile: {"name":"human/browser/esm/bundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm.js","files":50,"inputBytes":2850531,"outputBytes":2609309}
2021-09-14 22:02:15 INFO:  Watch: {"event":"modify","input":"tfjs/tf-browser.ts"}
2021-09-14 22:02:15 STATE: Compile: {"name":"tfjs/nodejs/cpu","format":"cjs","platform":"node","input":"tfjs/tf-node.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":102,"outputBytes":1416}
2021-09-14 22:02:15 STATE: Compile: {"name":"human/nodejs/cpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node.js","files":50,"inputBytes":475138,"outputBytes":404127}
2021-09-14 22:02:15 STATE: Compile: {"name":"tfjs/nodejs/gpu","format":"cjs","platform":"node","input":"tfjs/tf-node-gpu.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":110,"outputBytes":1424}
2021-09-14 22:02:15 STATE: Compile: {"name":"human/nodejs/gpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-gpu.js","files":50,"inputBytes":475146,"outputBytes":404131}
2021-09-14 22:02:15 STATE: Compile: {"name":"tfjs/nodejs/wasm","format":"cjs","platform":"node","input":"tfjs/tf-node-wasm.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":149,"outputBytes":1491}
2021-09-14 22:02:15 STATE: Compile: {"name":"human/nodejs/wasm","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-wasm.js","files":50,"inputBytes":475213,"outputBytes":404203}
2021-09-14 22:02:15 STATE: Compile: {"name":"tfjs/browser/version","format":"esm","platform":"browser","input":"tfjs/tf-version.ts","output":"dist/tfjs.version.js","files":1,"inputBytes":1063,"outputBytes":1631}
2021-09-14 22:02:15 STATE: Compile: {"name":"tfjs/browser/esm/nobundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":2,"inputBytes":3088,"outputBytes":793}
2021-09-14 22:02:15 STATE: Compile: {"name":"human/browser/esm/nobundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm-nobundle.js","files":50,"inputBytes":474515,"outputBytes":405394}
2021-09-14 22:02:16 STATE: Compile: {"name":"tfjs/browser/esm/bundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":8,"inputBytes":3088,"outputBytes":2376809}
2021-09-14 22:02:16 STATE: Compile: {"name":"human/browser/iife/bundle","format":"iife","platform":"browser","input":"src/human.ts","output":"dist/human.js","files":50,"inputBytes":2850531,"outputBytes":1406847}
2021-09-14 22:02:17 STATE: Compile: {"name":"human/browser/esm/bundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm.js","files":50,"inputBytes":2850531,"outputBytes":2609309}
2021-09-14 22:02:26 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/html","size":6435,"url":"/?worker=false","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:26 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/css","size":107884,"url":"/icons.css","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:26 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":44734,"url":"/index.js","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:26 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2609309,"url":"/dist/human.esm.js","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:26 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":14222,"url":"/helpers/menu.js","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:26 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":10894,"url":"/helpers/gl-bench.js","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:26 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2976,"url":"/helpers/webrtc.js","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:26 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"font/woff2","size":181500,"url":"/assets/lato-light.woff2","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:27 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"image/x-icon","size":261950,"url":"/favicon.ico","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:27 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":6753031,"url":"/dist/human.esm.js.map","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:27 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":4115,"url":"/index-pwa.js","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:28 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":79038,"url":"/models/blazeface.json","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:28 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":89289,"url":"/models/facemesh.json","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:28 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":122025,"url":"/models/iris.json","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:28 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":17980,"url":"/models/emotion.json","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:28 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":113998,"url":"/models/handdetect.json","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:28 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":129116,"url":"/models/handskeleton.json","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:28 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":161813,"url":"/models/movenet-lightning.json","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:28 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":71432,"url":"/models/faceres.json","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:28 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":538928,"url":"/models/blazeface.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:28 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":2955780,"url":"/models/facemesh.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:28 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":2599092,"url":"/models/iris.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:28 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":3515612,"url":"/models/handdetect.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:28 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":5502280,"url":"/models/handskeleton.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:28 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":4650216,"url":"/models/movenet-lightning.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:28 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":820516,"url":"/models/emotion.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:28 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":6978814,"url":"/models/faceres.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:40 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/html","size":6435,"url":"/?worker=false&backend=humangl","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:40 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/css","size":107884,"url":"/icons.css","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:40 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":44734,"url":"/index.js","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:40 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2609309,"url":"/dist/human.esm.js","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:40 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":14222,"url":"/helpers/menu.js","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:40 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":10894,"url":"/helpers/gl-bench.js","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:40 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":2976,"url":"/helpers/webrtc.js","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:41 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"font/woff2","size":181500,"url":"/assets/lato-light.woff2","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:41 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":6753031,"url":"/dist/human.esm.js.map","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:41 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"text/javascript","size":4115,"url":"/index-pwa.js","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:42 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":79038,"url":"/models/blazeface.json","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:42 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":89289,"url":"/models/facemesh.json","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:42 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":122025,"url":"/models/iris.json","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:42 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":17980,"url":"/models/emotion.json","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:42 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":113998,"url":"/models/handdetect.json","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:42 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":129116,"url":"/models/handskeleton.json","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:42 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":161813,"url":"/models/movenet-lightning.json","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:42 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/json","size":71432,"url":"/models/faceres.json","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:42 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":820516,"url":"/models/emotion.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:42 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":538928,"url":"/models/blazeface.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:42 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":2955780,"url":"/models/facemesh.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:42 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":3515612,"url":"/models/handdetect.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:42 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":2599092,"url":"/models/iris.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:42 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":4650216,"url":"/models/movenet-lightning.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:42 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":6978814,"url":"/models/faceres.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 22:02:42 DATA:  HTTP: {"method":"GET","ver":"1.1","status":200,"mime":"application/octet-stream","size":5502280,"url":"/models/handskeleton.bin","remote":"::ffff:192.168.0.200"}
2021-09-14 22:04:06 INFO:  Build exiting...
2021-09-14 22:04:08 INFO:  @vladmandic/human version 2.2.0
2021-09-14 22:04:08 INFO:  User: vlado Platform: linux Arch: x64 Node: v16.5.0
2021-09-14 22:04:08 INFO:  Application: {"name":"@vladmandic/human","version":"2.2.0"}
2021-09-14 22:04:08 INFO:  Environment: {"profile":"production","config":"build.json","tsconfig":true,"eslintrc":true,"git":true}
2021-09-14 22:04:08 INFO:  Toolchain: {"build":"0.4.1","esbuild":"0.12.28","typescript":"4.4.3","typedoc":"0.21.9","eslint":"7.32.0"}
2021-09-14 22:04:08 INFO:  Build: {"profile":"production","steps":["clean","compile","typings","typedoc","lint","changelog"]}
2021-09-14 22:04:08 STATE: Clean: {"locations":["dist/*","types/*","typedoc/*"]}
2021-09-14 22:04:08 STATE: Compile: {"name":"tfjs/nodejs/cpu","format":"cjs","platform":"node","input":"tfjs/tf-node.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":102,"outputBytes":1416}
2021-09-14 22:04:09 STATE: Compile: {"name":"human/nodejs/cpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node.js","files":50,"inputBytes":475138,"outputBytes":404127}
2021-09-14 22:04:09 STATE: Compile: {"name":"tfjs/nodejs/gpu","format":"cjs","platform":"node","input":"tfjs/tf-node-gpu.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":110,"outputBytes":1424}
2021-09-14 22:04:09 STATE: Compile: {"name":"human/nodejs/gpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-gpu.js","files":50,"inputBytes":475146,"outputBytes":404131}
2021-09-14 22:04:09 STATE: Compile: {"name":"tfjs/nodejs/wasm","format":"cjs","platform":"node","input":"tfjs/tf-node-wasm.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":149,"outputBytes":1491}
2021-09-14 22:04:09 STATE: Compile: {"name":"human/nodejs/wasm","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-wasm.js","files":50,"inputBytes":475213,"outputBytes":404203}
2021-09-14 22:04:09 STATE: Compile: {"name":"tfjs/browser/version","format":"esm","platform":"browser","input":"tfjs/tf-version.ts","output":"dist/tfjs.version.js","files":1,"inputBytes":1063,"outputBytes":1631}
2021-09-14 22:04:09 STATE: Compile: {"name":"tfjs/browser/esm/nobundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":2,"inputBytes":3088,"outputBytes":793}
2021-09-14 22:04:09 STATE: Compile: {"name":"human/browser/esm/nobundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm-nobundle.js","files":50,"inputBytes":474515,"outputBytes":405394}
2021-09-14 22:04:09 STATE: Compile: {"name":"tfjs/browser/esm/bundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":8,"inputBytes":3088,"outputBytes":2376809}
2021-09-14 22:04:09 STATE: Compile: {"name":"human/browser/iife/bundle","format":"iife","platform":"browser","input":"src/human.ts","output":"dist/human.js","files":50,"inputBytes":2850531,"outputBytes":1406847}
2021-09-14 22:04:10 STATE: Compile: {"name":"human/browser/esm/bundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm.js","files":50,"inputBytes":2850531,"outputBytes":2609309}
2021-09-14 22:04:25 STATE: Typings: {"input":"src/human.ts","output":"types","files":94}
2021-09-14 22:04:30 STATE: TypeDoc: {"input":"src/human.ts","output":"typedoc","objects":29,"index":true}
2021-09-14 22:04:56 STATE: Lint: {"locations":["*.json","src/**/*.ts","test/**/*.js","demo/**/*.js"],"files":82,"errors":0,"warnings":1}
2021-09-14 22:04:56 WARN:  
/home/vlado/dev/human/src/tfjs/humangl.ts
 47:3 warning Unexpected console statement no-console

✖ 1 problem (0 errors, 1 warning)

2021-09-14 22:04:57 STATE: ChangeLog: {"repository":"https://github.com/vladmandic/human","branch":"main","output":"CHANGELOG.md"}
2021-09-14 22:04:57 INFO:  Done...
2021-09-14 22:05:22 INFO:  @vladmandic/human version 2.2.0
2021-09-14 22:05:22 INFO:  User: vlado Platform: linux Arch: x64 Node: v16.5.0
2021-09-14 22:05:22 INFO:  Application: {"name":"@vladmandic/human","version":"2.2.0"}
2021-09-14 22:05:22 INFO:  Environment: {"profile":"production","config":"build.json","tsconfig":true,"eslintrc":true,"git":true}
2021-09-14 22:05:22 INFO:  Toolchain: {"build":"0.4.1","esbuild":"0.12.28","typescript":"4.4.3","typedoc":"0.21.9","eslint":"7.32.0"}
2021-09-14 22:05:22 INFO:  Build: {"profile":"production","steps":["clean","compile","typings","typedoc","lint","changelog"]}
2021-09-14 22:05:22 STATE: Clean: {"locations":["dist/*","types/*","typedoc/*"]}
2021-09-14 22:05:22 STATE: Compile: {"name":"tfjs/nodejs/cpu","format":"cjs","platform":"node","input":"tfjs/tf-node.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":102,"outputBytes":1416}
2021-09-14 22:05:22 STATE: Compile: {"name":"human/nodejs/cpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node.js","files":50,"inputBytes":475078,"outputBytes":404064}
2021-09-14 22:05:22 STATE: Compile: {"name":"tfjs/nodejs/gpu","format":"cjs","platform":"node","input":"tfjs/tf-node-gpu.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":110,"outputBytes":1424}
2021-09-14 22:05:22 STATE: Compile: {"name":"human/nodejs/gpu","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-gpu.js","files":50,"inputBytes":475086,"outputBytes":404068}
2021-09-14 22:05:22 STATE: Compile: {"name":"tfjs/nodejs/wasm","format":"cjs","platform":"node","input":"tfjs/tf-node-wasm.ts","output":"dist/tfjs.esm.js","files":1,"inputBytes":149,"outputBytes":1491}
2021-09-14 22:05:22 STATE: Compile: {"name":"human/nodejs/wasm","format":"cjs","platform":"node","input":"src/human.ts","output":"dist/human.node-wasm.js","files":50,"inputBytes":475153,"outputBytes":404140}
2021-09-14 22:05:22 STATE: Compile: {"name":"tfjs/browser/version","format":"esm","platform":"browser","input":"tfjs/tf-version.ts","output":"dist/tfjs.version.js","files":1,"inputBytes":1063,"outputBytes":1631}
2021-09-14 22:05:22 STATE: Compile: {"name":"tfjs/browser/esm/nobundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":2,"inputBytes":3088,"outputBytes":793}
2021-09-14 22:05:23 STATE: Compile: {"name":"human/browser/esm/nobundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm-nobundle.js","files":50,"inputBytes":474455,"outputBytes":405319}
2021-09-14 22:05:23 STATE: Compile: {"name":"tfjs/browser/esm/bundle","format":"esm","platform":"browser","input":"tfjs/tf-browser.ts","output":"dist/tfjs.esm.js","files":8,"inputBytes":3088,"outputBytes":2376809}
2021-09-14 22:05:24 STATE: Compile: {"name":"human/browser/iife/bundle","format":"iife","platform":"browser","input":"src/human.ts","output":"dist/human.js","files":50,"inputBytes":2850471,"outputBytes":1406812}
2021-09-14 22:05:24 STATE: Compile: {"name":"human/browser/esm/bundle","format":"esm","platform":"browser","input":"src/human.ts","output":"dist/human.esm.js","files":50,"inputBytes":2850471,"outputBytes":2609251}
2021-09-14 22:05:39 STATE: Typings: {"input":"src/human.ts","output":"types","files":94}
2021-09-14 22:05:44 STATE: TypeDoc: {"input":"src/human.ts","output":"typedoc","objects":29,"index":true}
2021-09-14 22:06:11 STATE: Lint: {"locations":["*.json","src/**/*.ts","test/**/*.js","demo/**/*.js"],"files":82,"errors":0,"warnings":0}
2021-09-14 22:06:11 STATE: ChangeLog: {"repository":"https://github.com/vladmandic/human","branch":"main","output":"CHANGELOG.md"}
2021-09-14 22:06:11 INFO:  Done...

View File

@ -3,16 +3,6 @@
* @external
*/
// get versions of all packages
import { version as tfjsVersion } from '@tensorflow/tfjs/package.json';
import { version as tfjsCoreVersion } from '@tensorflow/tfjs-core/package.json';
import { version as tfjsDataVersion } from '@tensorflow/tfjs-data/package.json';
import { version as tfjsLayersVersion } from '@tensorflow/tfjs-layers/package.json';
import { version as tfjsConverterVersion } from '@tensorflow/tfjs-converter/package.json';
import { version as tfjsBackendCPUVersion } from '@tensorflow/tfjs-backend-cpu/package.json';
import { version as tfjsBackendWebGLVersion } from '@tensorflow/tfjs-backend-webgl/package.json';
import { version as tfjsBackendWASMVersion } from '@tensorflow/tfjs-backend-wasm/package.json';
// export all from sources
// requires treeShaking:ignore-annotations due to tfjs misconfiguration
/*
@ -25,7 +15,8 @@ export * from '@tensorflow/tfjs-backend-webgl/src/index';
export * from '@tensorflow/tfjs-backend-wasm/src/index';
*/
// export all from build
// export all from build individual packages
/*
export * from '@tensorflow/tfjs-core/dist/index.js';
export * from '@tensorflow/tfjs-layers/dist/index.js';
export * from '@tensorflow/tfjs-converter/dist/index.js';
@ -33,16 +24,15 @@ export * as data from '@tensorflow/tfjs-data/dist/index.js';
export * from '@tensorflow/tfjs-backend-cpu/dist/index.js';
export * from '@tensorflow/tfjs-backend-webgl/dist/index.js';
export * from '@tensorflow/tfjs-backend-wasm/dist/index.js';
// export * from '@tensorflow/tfjs-backend-webgpu/dist/index.js'; // experimental
*/
// export versions
export const version = {
tfjs: tfjsVersion,
'tfjs-core': tfjsCoreVersion,
'tfjs-data': tfjsDataVersion,
'tfjs-layers': tfjsLayersVersion,
'tfjs-converter': tfjsConverterVersion,
'tfjs-backend-cpu': tfjsBackendCPUVersion,
'tfjs-backend-webgl': tfjsBackendWebGLVersion,
'tfjs-backend-wasm': tfjsBackendWASMVersion,
};
// export all from build bundle
export * from '@tensorflow/tfjs/dist/index.js';
export * from '@tensorflow/tfjs-backend-webgl/dist/index.js';
export * from '@tensorflow/tfjs-backend-wasm/dist/index.js';
// add webgpu to bundle, experimental
// export * from '@tensorflow/tfjs-backend-webgpu/dist/index.js';
// export versions, overrides version object from @tensorflow/tfjs
export { version } from '../dist/tfjs.version.js';

20
tfjs/tf-version.ts Normal file
View File

@ -0,0 +1,20 @@
// get versions of all packages
import { version as tfjsVersion } from '@tensorflow/tfjs/package.json';
import { version as tfjsCoreVersion } from '@tensorflow/tfjs-core/package.json';
import { version as tfjsDataVersion } from '@tensorflow/tfjs-data/package.json';
import { version as tfjsLayersVersion } from '@tensorflow/tfjs-layers/package.json';
import { version as tfjsConverterVersion } from '@tensorflow/tfjs-converter/package.json';
import { version as tfjsBackendCPUVersion } from '@tensorflow/tfjs-backend-cpu/package.json';
import { version as tfjsBackendWebGLVersion } from '@tensorflow/tfjs-backend-webgl/package.json';
import { version as tfjsBackendWASMVersion } from '@tensorflow/tfjs-backend-wasm/package.json';
export const version = {
tfjs: tfjsVersion,
'tfjs-core': tfjsCoreVersion,
'tfjs-data': tfjsDataVersion,
'tfjs-layers': tfjsLayersVersion,
'tfjs-converter': tfjsConverterVersion,
'tfjs-backend-cpu': tfjsBackendCPUVersion,
'tfjs-backend-webgl': tfjsBackendWebGLVersion,
'tfjs-backend-wasm': tfjsBackendWASMVersion,
};

View File

@ -861,70 +861,6 @@ export var LogSoftmax: string;
export var LogicalAnd: string;
export var LogicalNot: string;
export var LogicalOr: string;
export var MathBackendCPU: {
new (): {
blockSize: number;
firstUse: boolean;
data: {
backend: any;
dataMover: any;
data: WeakMap<object, any>;
dataIdsCount: number;
get(dataId: any): any;
set(dataId: any, value: any): void;
has(dataId: any): boolean;
delete(dataId: any): boolean;
numDataIds(): number;
};
nextDataId(): number;
write(values: any, shape: any, dtype: any): {
id: number;
};
makeTensorInfo(shape: any, dtype: any, values: any): {
dataId: {
id: number;
};
shape: any;
dtype: any;
};
refCount(dataId: any): any;
incRef(dataId: any): void;
decRef(dataId: any): void;
move(dataId: any, values: any, shape: any, dtype: any, refCount: any): void;
numDataIds(): number;
read(dataId: any): Promise<any>;
readSync(dataId: any): any;
bufferSync(t: any): {
dtype: any;
shape: any;
size: any;
values: any;
strides: any[];
set(value: any, ...locs: any[]): void;
get(...locs: any[]): any;
locToIndex(locs: any): any;
indexToLoc(index: any): any[];
readonly rank: any;
toTensor(): any;
};
makeOutput(values: any, shape: any, dtype: any): any;
disposeData(dataId: any, force?: boolean): boolean;
disposeIntermediateTensorInfo(tensorInfo: any): void;
time(f: any): Promise<{
kernelMs: number;
}>;
memory(): {
unreliable: boolean;
reasons: string[];
};
where(condition: any): any;
dispose(): void;
floatPrecision(): number;
epsilon(): number;
timerAvailable(): boolean;
};
nextDataId: number;
};
export var MathBackendWebGL: {
new (gpgpu: any): {
pendingRead: WeakMap<object, any>;
@ -2070,7 +2006,6 @@ export function setWasmPath(path: any, usePlatformFetch?: boolean): void;
export function setWasmPaths(prefixOrFileMap: any, usePlatformFetch?: boolean): void;
export function setWebGLContext(webGLVersion: any, gl: any): void;
export function setdiff1dAsync(x: any, y: any): Promise<any[]>;
declare var shared_exports: {};
export function sigmoid(...args: any[]): any;
export namespace sigmoid { }
export function sign(...args: any[]): any;
@ -2201,7 +2136,7 @@ export function variableGrads(f: any, varList: any): {
value: any;
grads: {};
};
declare var version16: {
declare var version92: {
tfjs: string;
"tfjs-core": string;
"tfjs-data": string;
@ -2211,12 +2146,11 @@ declare var version16: {
"tfjs-backend-webgl": string;
"tfjs-backend-wasm": string;
};
declare var version11: string;
declare var version9: string;
declare var version13: string;
declare var version10: string;
declare var version15: string;
declare var version14: string;
declare var version3: string;
declare var version: string;
declare var version2: string;
declare var version8: string;
declare var version5: string;
export namespace webgl {
export { forceHalfFloat };
}
@ -2634,5 +2568,5 @@ declare var OptimizerConstructors: {
getClassName(): any;
};
};
export { add2 as add, backend_util_exports as backend_util, browser_exports as browser, exports_constraints_exports as constraints, dist_exports as data, device_util_exports as device_util, fused_ops_exports as fused, gather_nd_util_exports as gather_util, gpgpu_util_exports as gpgpu_util, exports_initializers_exports as initializers, io_exports as io, isFinite2 as isFinite, isNaN2 as isNaN, kernel_impls_exports as kernel_impls, exports_layers_exports as layers, log5 as log, math_exports as math, exports_metrics_exports as metrics, exports_models_exports as models, ones2 as ones, print2 as print, exports_regularizers_exports as regularizers, round2 as round, scatter_nd_util_exports as scatter_util, serialization_exports as serialization, shared_exports as shared, slice_util_exports as slice_util, sum2 as sum, tanh2 as tanh, tensor_util_exports as tensor_util, test_util_exports as test_util, util_exports as util, version16 as version, version11 as version_converter, version9 as version_core, version13 as version_cpu, version10 as version_layers, version15 as version_wasm, version14 as version_webgl, webgl_util_exports as webgl_util };
export { add2 as add, backend_util_exports as backend_util, browser_exports as browser, exports_constraints_exports as constraints, dist_exports as data, device_util_exports as device_util, fused_ops_exports as fused, gather_nd_util_exports as gather_util, gpgpu_util_exports as gpgpu_util, exports_initializers_exports as initializers, io_exports as io, isFinite2 as isFinite, isNaN2 as isNaN, kernel_impls_exports as kernel_impls, exports_layers_exports as layers, log5 as log, math_exports as math, exports_metrics_exports as metrics, exports_models_exports as models, ones2 as ones, print2 as print, exports_regularizers_exports as regularizers, round2 as round, scatter_nd_util_exports as scatter_util, serialization_exports as serialization, slice_util_exports as slice_util, sum2 as sum, tanh2 as tanh, tensor_util_exports as tensor_util, test_util_exports as test_util, util_exports as util, version92 as version, version3 as version_converter, version as version_core, version2 as version_layers, version8 as version_wasm, version5 as version_webgl, webgl_util_exports as webgl_util };
//# sourceMappingURL=tfjs.esm.d.ts.map

File diff suppressed because one or more lines are too long