some new features
This commit is contained in:
14
.venv/lib/python3.12/site-packages/prophet/__init__.py
Normal file
14
.venv/lib/python3.12/site-packages/prophet/__init__.py
Normal file
@ -0,0 +1,14 @@
|
||||
# Copyright (c) 2017-present, Facebook, Inc.
|
||||
# All rights reserved.
|
||||
#
|
||||
# This source code is licensed under the BSD-style license found in the
|
||||
# LICENSE file in the root directory of this source tree. An additional grant
|
||||
# of patent rights can be found in the PATENTS file in the same directory.
|
||||
from prophet.forecaster import Prophet
|
||||
|
||||
from pathlib import Path
|
||||
about = {}
|
||||
here = Path(__file__).parent.resolve()
|
||||
with open(here / "__version__.py", "r") as f:
|
||||
exec(f.read(), about)
|
||||
__version__ = about["__version__"]
|
||||
Binary file not shown.
Binary file not shown.
Binary file not shown.
Binary file not shown.
Binary file not shown.
Binary file not shown.
Binary file not shown.
Binary file not shown.
Binary file not shown.
@ -0,0 +1 @@
|
||||
__version__ = "1.1.7"
|
||||
684
.venv/lib/python3.12/site-packages/prophet/diagnostics.py
Normal file
684
.venv/lib/python3.12/site-packages/prophet/diagnostics.py
Normal file
@ -0,0 +1,684 @@
|
||||
# -*- coding: utf-8 -*-
|
||||
# Copyright (c) Facebook, Inc. and its affiliates.
|
||||
|
||||
# This source code is licensed under the MIT license found in the
|
||||
# LICENSE file in the root directory of this source tree.
|
||||
|
||||
from __future__ import absolute_import, division, print_function
|
||||
|
||||
import logging
|
||||
from tqdm.auto import tqdm
|
||||
from copy import deepcopy
|
||||
import concurrent.futures
|
||||
|
||||
import numpy as np
|
||||
import pandas as pd
|
||||
|
||||
logger = logging.getLogger('prophet')
|
||||
|
||||
|
||||
def generate_cutoffs(df, horizon, initial, period):
|
||||
"""Generate cutoff dates
|
||||
|
||||
Parameters
|
||||
----------
|
||||
df: pd.DataFrame with historical data.
|
||||
horizon: pd.Timedelta forecast horizon.
|
||||
initial: pd.Timedelta window of the initial forecast period.
|
||||
period: pd.Timedelta simulated forecasts are done with this period.
|
||||
|
||||
Returns
|
||||
-------
|
||||
list of pd.Timestamp
|
||||
"""
|
||||
# Last cutoff is 'latest date in data - horizon' date
|
||||
cutoff = df['ds'].max() - horizon
|
||||
if cutoff < df['ds'].min():
|
||||
raise ValueError('Less data than horizon.')
|
||||
result = [cutoff]
|
||||
while result[-1] >= min(df['ds']) + initial:
|
||||
cutoff -= period
|
||||
# If data does not exist in data range (cutoff, cutoff + horizon]
|
||||
if not (((df['ds'] > cutoff) & (df['ds'] <= cutoff + horizon)).any()):
|
||||
# Next cutoff point is 'last date before cutoff in data - horizon'
|
||||
if cutoff > df['ds'].min():
|
||||
closest_date = df[df['ds'] <= cutoff].max()['ds']
|
||||
cutoff = closest_date - horizon
|
||||
# else no data left, leave cutoff as is, it will be dropped.
|
||||
result.append(cutoff)
|
||||
result = result[:-1]
|
||||
if len(result) == 0:
|
||||
raise ValueError(
|
||||
'Less data than horizon after initial window. '
|
||||
'Make horizon or initial shorter.'
|
||||
)
|
||||
logger.info('Making {} forecasts with cutoffs between {} and {}'.format(
|
||||
len(result), result[-1], result[0]
|
||||
))
|
||||
return list(reversed(result))
|
||||
|
||||
|
||||
def cross_validation(model, horizon, period=None, initial=None, parallel=None, cutoffs=None, disable_tqdm=False, extra_output_columns=None):
|
||||
"""Cross-Validation for time series.
|
||||
|
||||
Computes forecasts from historical cutoff points, which user can input.
|
||||
If not provided, begins from (end - horizon) and works backwards, making
|
||||
cutoffs with a spacing of period until initial is reached.
|
||||
|
||||
When period is equal to the time interval of the data, this is the
|
||||
technique described in https://robjhyndman.com/hyndsight/tscv/ .
|
||||
|
||||
Parameters
|
||||
----------
|
||||
model: Prophet class object. Fitted Prophet model.
|
||||
horizon: string with pd.Timedelta compatible style, e.g., '5 days',
|
||||
'3 hours', '10 seconds'.
|
||||
period: string with pd.Timedelta compatible style. Simulated forecast will
|
||||
be done at every this period. If not provided, 0.5 * horizon is used.
|
||||
initial: string with pd.Timedelta compatible style. The first training
|
||||
period will include at least this much data. If not provided,
|
||||
3 * horizon is used.
|
||||
cutoffs: list of pd.Timestamp specifying cutoffs to be used during
|
||||
cross validation. If not provided, they are generated as described
|
||||
above.
|
||||
parallel: {None, 'processes', 'threads', 'dask', object}
|
||||
How to parallelize the forecast computation. By default no parallelism
|
||||
is used.
|
||||
|
||||
* None: No parallelism.
|
||||
* 'processes': Parallelize with concurrent.futures.ProcessPoolExecutor.
|
||||
* 'threads': Parallelize with concurrent.futures.ThreadPoolExecutor.
|
||||
Note that some operations currently hold Python's Global Interpreter
|
||||
Lock, so parallelizing with threads may be slower than training
|
||||
sequentially.
|
||||
* 'dask': Parallelize with Dask.
|
||||
This requires that a dask.distributed Client be created.
|
||||
* object: Any instance with a `.map` method. This method will
|
||||
be called with :func:`single_cutoff_forecast` and a sequence of
|
||||
iterables where each element is the tuple of arguments to pass to
|
||||
:func:`single_cutoff_forecast`
|
||||
|
||||
.. code-block::
|
||||
|
||||
class MyBackend:
|
||||
def map(self, func, *iterables):
|
||||
results = [
|
||||
func(*args)
|
||||
for args in zip(*iterables)
|
||||
]
|
||||
return results
|
||||
|
||||
disable_tqdm: if True it disables the progress bar that would otherwise show up when parallel=None
|
||||
extra_output_columns: A String or List of Strings e.g. 'trend' or ['trend'].
|
||||
Additional columns to 'yhat' and 'ds' to be returned in output.
|
||||
|
||||
Returns
|
||||
-------
|
||||
A pd.DataFrame with the forecast, actual value and cutoff.
|
||||
"""
|
||||
|
||||
if model.history is None:
|
||||
raise Exception('Model has not been fit. Fitting the model provides contextual parameters for cross validation.')
|
||||
|
||||
df = model.history.copy().reset_index(drop=True)
|
||||
horizon = pd.Timedelta(horizon)
|
||||
predict_columns = ['ds', 'yhat']
|
||||
|
||||
if model.uncertainty_samples:
|
||||
predict_columns.extend(['yhat_lower', 'yhat_upper'])
|
||||
|
||||
if extra_output_columns is not None:
|
||||
if isinstance(extra_output_columns, str):
|
||||
extra_output_columns = [extra_output_columns]
|
||||
predict_columns.extend([c for c in extra_output_columns if c not in predict_columns])
|
||||
|
||||
# Identify the largest seasonality period
|
||||
period_max = 0.
|
||||
for s in model.seasonalities.values():
|
||||
period_max = max(period_max, s['period'])
|
||||
seasonality_dt = pd.Timedelta(str(period_max) + ' days')
|
||||
|
||||
if cutoffs is None:
|
||||
# Set period
|
||||
period = 0.5 * horizon if period is None else pd.Timedelta(period)
|
||||
|
||||
# Set initial
|
||||
initial = (
|
||||
max(3 * horizon, seasonality_dt) if initial is None
|
||||
else pd.Timedelta(initial)
|
||||
)
|
||||
|
||||
# Compute Cutoffs
|
||||
cutoffs = generate_cutoffs(df, horizon, initial, period)
|
||||
else:
|
||||
# add validation of the cutoff to make sure that the min cutoff is strictly greater than the min date in the history
|
||||
if min(cutoffs) <= df['ds'].min():
|
||||
raise ValueError("Minimum cutoff value is not strictly greater than min date in history")
|
||||
# max value of cutoffs is <= (end date minus horizon)
|
||||
end_date_minus_horizon = df['ds'].max() - horizon
|
||||
if max(cutoffs) > end_date_minus_horizon:
|
||||
raise ValueError("Maximum cutoff value is greater than end date minus horizon, no value for cross-validation remaining")
|
||||
initial = cutoffs[0] - df['ds'].min()
|
||||
|
||||
# Check if the initial window
|
||||
# (that is, the amount of time between the start of the history and the first cutoff)
|
||||
# is less than the maximum seasonality period
|
||||
if initial < seasonality_dt:
|
||||
msg = 'Seasonality has period of {} days '.format(period_max)
|
||||
msg += 'which is larger than initial window. '
|
||||
msg += 'Consider increasing initial.'
|
||||
logger.warning(msg)
|
||||
|
||||
if parallel:
|
||||
valid = {"threads", "processes", "dask"}
|
||||
|
||||
if parallel == "threads":
|
||||
pool = concurrent.futures.ThreadPoolExecutor()
|
||||
elif parallel == "processes":
|
||||
pool = concurrent.futures.ProcessPoolExecutor()
|
||||
elif parallel == "dask":
|
||||
try:
|
||||
from dask.distributed import get_client
|
||||
except ImportError as e:
|
||||
raise ImportError("parallel='dask' requires the optional "
|
||||
"dependency dask.") from e
|
||||
pool = get_client()
|
||||
# delay df and model to avoid large objects in task graph.
|
||||
df, model = pool.scatter([df, model])
|
||||
elif hasattr(parallel, "map"):
|
||||
pool = parallel
|
||||
else:
|
||||
msg = ("'parallel' should be one of {} for an instance with a "
|
||||
"'map' method".format(', '.join(valid)))
|
||||
raise ValueError(msg)
|
||||
|
||||
iterables = ((df, model, cutoff, horizon, predict_columns)
|
||||
for cutoff in cutoffs)
|
||||
iterables = zip(*iterables)
|
||||
|
||||
logger.info("Applying in parallel with %s", pool)
|
||||
predicts = pool.map(single_cutoff_forecast, *iterables)
|
||||
if parallel == "dask":
|
||||
# convert Futures to DataFrames
|
||||
predicts = pool.gather(predicts)
|
||||
|
||||
else:
|
||||
predicts = [
|
||||
single_cutoff_forecast(df, model, cutoff, horizon, predict_columns)
|
||||
for cutoff in (tqdm(cutoffs) if not disable_tqdm else cutoffs)
|
||||
]
|
||||
|
||||
# Combine all predicted pd.DataFrame into one pd.DataFrame
|
||||
return pd.concat(predicts, axis=0).reset_index(drop=True)
|
||||
|
||||
|
||||
def single_cutoff_forecast(df, model, cutoff, horizon, predict_columns):
|
||||
"""Forecast for single cutoff. Used in cross validation function
|
||||
when evaluating for multiple cutoffs either sequentially or in parallel.
|
||||
|
||||
Parameters
|
||||
----------
|
||||
df: pd.DataFrame.
|
||||
DataFrame with history to be used for single
|
||||
cutoff forecast.
|
||||
model: Prophet model object.
|
||||
cutoff: pd.Timestamp cutoff date.
|
||||
Simulated Forecast will start from this date.
|
||||
horizon: pd.Timedelta forecast horizon.
|
||||
predict_columns: List of strings e.g. ['ds', 'yhat'].
|
||||
Columns with date and forecast to be returned in output.
|
||||
|
||||
Returns
|
||||
-------
|
||||
A pd.DataFrame with the forecast, actual value and cutoff.
|
||||
|
||||
"""
|
||||
|
||||
# Generate new object with copying fitting options
|
||||
m = prophet_copy(model, cutoff)
|
||||
# Train model
|
||||
history_c = df[df['ds'] <= cutoff]
|
||||
if history_c.shape[0] < 2:
|
||||
raise Exception(
|
||||
'Less than two datapoints before cutoff. '
|
||||
'Increase initial window.'
|
||||
)
|
||||
m.fit(history_c, **model.fit_kwargs)
|
||||
# Calculate yhat
|
||||
index_predicted = (df['ds'] > cutoff) & (df['ds'] <= cutoff + horizon)
|
||||
# Get the columns for the future dataframe
|
||||
columns = ['ds']
|
||||
if m.growth == 'logistic':
|
||||
columns.append('cap')
|
||||
if m.logistic_floor:
|
||||
columns.append('floor')
|
||||
columns.extend(m.extra_regressors.keys())
|
||||
columns.extend([
|
||||
props['condition_name']
|
||||
for props in m.seasonalities.values()
|
||||
if props['condition_name'] is not None])
|
||||
yhat = m.predict(df[index_predicted][columns])
|
||||
# Merge yhat(predicts), y(df, original data) and cutoff
|
||||
|
||||
m.stan_backend.cleanup()
|
||||
|
||||
return pd.concat([
|
||||
yhat[predict_columns],
|
||||
df[index_predicted][['y']].reset_index(drop=True),
|
||||
pd.DataFrame({'cutoff': [cutoff] * len(yhat)})
|
||||
], axis=1)
|
||||
|
||||
|
||||
def prophet_copy(m, cutoff=None):
|
||||
"""Copy Prophet object
|
||||
|
||||
Parameters
|
||||
----------
|
||||
m: Prophet model.
|
||||
cutoff: pd.Timestamp or None, default None.
|
||||
cutoff Timestamp for changepoints member variable.
|
||||
changepoints are only retained if 'changepoints <= cutoff'
|
||||
|
||||
Returns
|
||||
-------
|
||||
Prophet class object with the same parameter with model variable
|
||||
"""
|
||||
if m.history is None:
|
||||
raise Exception('This is for copying a fitted Prophet object.')
|
||||
|
||||
if m.specified_changepoints:
|
||||
changepoints = m.changepoints
|
||||
if cutoff is not None:
|
||||
# Filter change points '< cutoff'
|
||||
last_history_date = max(m.history['ds'][m.history['ds'] <= cutoff])
|
||||
changepoints = changepoints[changepoints < last_history_date]
|
||||
else:
|
||||
changepoints = None
|
||||
|
||||
# Auto seasonalities are set to False because they are already set in
|
||||
# m.seasonalities.
|
||||
m2 = m.__class__(
|
||||
growth=m.growth,
|
||||
n_changepoints=m.n_changepoints,
|
||||
changepoint_range=m.changepoint_range,
|
||||
changepoints=changepoints,
|
||||
yearly_seasonality=False,
|
||||
weekly_seasonality=False,
|
||||
daily_seasonality=False,
|
||||
holidays=m.holidays,
|
||||
holidays_mode=m.holidays_mode,
|
||||
seasonality_mode=m.seasonality_mode,
|
||||
seasonality_prior_scale=m.seasonality_prior_scale,
|
||||
changepoint_prior_scale=m.changepoint_prior_scale,
|
||||
holidays_prior_scale=m.holidays_prior_scale,
|
||||
mcmc_samples=m.mcmc_samples,
|
||||
interval_width=m.interval_width,
|
||||
uncertainty_samples=m.uncertainty_samples,
|
||||
stan_backend=(
|
||||
m.stan_backend.get_type() if m.stan_backend is not None
|
||||
else None
|
||||
),
|
||||
)
|
||||
m2.extra_regressors = deepcopy(m.extra_regressors)
|
||||
m2.seasonalities = deepcopy(m.seasonalities)
|
||||
m2.country_holidays = deepcopy(m.country_holidays)
|
||||
return m2
|
||||
|
||||
|
||||
PERFORMANCE_METRICS=dict()
|
||||
def register_performance_metric(func):
|
||||
"""Register custom performance metric
|
||||
|
||||
Parameters that your metric should contain
|
||||
----------
|
||||
df: Cross-validation results dataframe.
|
||||
w: Aggregation window size.
|
||||
|
||||
Registered metric should return following
|
||||
-------
|
||||
Dataframe with columns horizon and metric.
|
||||
"""
|
||||
PERFORMANCE_METRICS[func.__name__] = func
|
||||
return func
|
||||
|
||||
|
||||
def performance_metrics(df, metrics=None, rolling_window=0.1, monthly=False):
|
||||
"""Compute performance metrics from cross-validation results.
|
||||
|
||||
Computes a suite of performance metrics on the output of cross-validation.
|
||||
By default, the following metrics are included:
|
||||
'mse': mean squared error
|
||||
'rmse': root mean squared error
|
||||
'mae': mean absolute error
|
||||
'mape': mean absolute percent error
|
||||
'mdape': median absolute percent error
|
||||
'smape': symmetric mean absolute percentage error
|
||||
'coverage': coverage of the upper and lower intervals
|
||||
|
||||
A subset of these can be specified by passing a list of names as the
|
||||
`metrics` argument.
|
||||
|
||||
Metrics are calculated over a rolling window of cross validation
|
||||
predictions, after sorting by horizon. Averaging is first done within each
|
||||
value of horizon, and then across horizons as needed to reach the window
|
||||
size. The size of that window (number of simulated forecast points) is
|
||||
determined by the rolling_window argument, which specifies a proportion of
|
||||
simulated forecast points to include in each window. rolling_window=0 will
|
||||
compute it separately for each horizon. The default of rolling_window=0.1
|
||||
will use 10% of the rows in df in each window. rolling_window=1 will
|
||||
compute the metric across all simulated forecast points. The results are
|
||||
set to the right edge of the window.
|
||||
|
||||
If rolling_window < 0, then metrics are computed at each datapoint with no
|
||||
averaging (i.e., 'mse' will actually be squared error with no mean).
|
||||
|
||||
The output is a dataframe containing column 'horizon' along with columns
|
||||
for each of the metrics computed.
|
||||
|
||||
Parameters
|
||||
----------
|
||||
df: The dataframe returned by cross_validation.
|
||||
metrics: A list of performance metrics to compute. If not provided, will
|
||||
use ['mse', 'rmse', 'mae', 'mape', 'mdape', 'smape', 'coverage'].
|
||||
rolling_window: Proportion of data to use in each rolling window for
|
||||
computing the metrics. Should be in [0, 1] to average.
|
||||
monthly: monthly=True will compute horizons as numbers of calendar months
|
||||
from the cutoff date, starting from 0 for the cutoff month.
|
||||
|
||||
Returns
|
||||
-------
|
||||
Dataframe with a column for each metric, and column 'horizon'
|
||||
"""
|
||||
valid_metrics = ['mse', 'rmse', 'mae', 'mape', 'mdape', 'smape', 'coverage']
|
||||
if metrics is None:
|
||||
metrics = valid_metrics
|
||||
if ('yhat_lower' not in df or 'yhat_upper' not in df) and ('coverage' in metrics):
|
||||
metrics.remove('coverage')
|
||||
if len(set(metrics)) != len(metrics):
|
||||
raise ValueError('Input metrics must be a list of unique values')
|
||||
if not set(metrics).issubset(set(PERFORMANCE_METRICS)):
|
||||
raise ValueError(
|
||||
'Valid values for metrics are: {}'.format(valid_metrics)
|
||||
)
|
||||
df_m = df.copy()
|
||||
if monthly:
|
||||
df_m['horizon'] = df_m['ds'].dt.to_period('M').astype(int) - df_m['cutoff'].dt.to_period('M').astype(int)
|
||||
else:
|
||||
df_m['horizon'] = df_m['ds'] - df_m['cutoff']
|
||||
df_m.sort_values('horizon', inplace=True)
|
||||
if 'mape' in metrics and df_m['y'].abs().min() < 1e-8:
|
||||
logger.info('Skipping MAPE because y close to 0')
|
||||
metrics.remove('mape')
|
||||
if len(metrics) == 0:
|
||||
return None
|
||||
w = int(rolling_window * df_m.shape[0])
|
||||
if w >= 0:
|
||||
w = max(w, 1)
|
||||
w = min(w, df_m.shape[0])
|
||||
# Compute all metrics
|
||||
dfs = {}
|
||||
for metric in metrics:
|
||||
dfs[metric] = PERFORMANCE_METRICS[metric](df_m, w)
|
||||
res = dfs[metrics[0]]
|
||||
for i in range(1, len(metrics)):
|
||||
res_m = dfs[metrics[i]]
|
||||
assert np.array_equal(res['horizon'].values, res_m['horizon'].values)
|
||||
res[metrics[i]] = res_m[metrics[i]]
|
||||
return res
|
||||
|
||||
|
||||
def rolling_mean_by_h(x, h, w, name):
|
||||
"""Compute a rolling mean of x, after first aggregating by h.
|
||||
|
||||
Right-aligned. Computes a single mean for each unique value of h. Each
|
||||
mean is over at least w samples.
|
||||
|
||||
Parameters
|
||||
----------
|
||||
x: Array.
|
||||
h: Array of horizon for each value in x.
|
||||
w: Integer window size (number of elements).
|
||||
name: Name for metric in result dataframe
|
||||
|
||||
Returns
|
||||
-------
|
||||
Dataframe with columns horizon and name, the rolling mean of x.
|
||||
"""
|
||||
# Aggregate over h
|
||||
df = pd.DataFrame({'x': x, 'h': h})
|
||||
df2 = (
|
||||
df.groupby('h').agg(['sum', 'count']).reset_index().sort_values('h')
|
||||
)
|
||||
xs = df2['x']['sum'].values
|
||||
ns = df2['x']['count'].values
|
||||
hs = df2.h.values
|
||||
|
||||
trailing_i = len(df2) - 1
|
||||
x_sum = 0
|
||||
n_sum = 0
|
||||
# We don't know output size but it is bounded by len(df2)
|
||||
res_x = np.empty(len(df2))
|
||||
|
||||
# Start from the right and work backwards
|
||||
for i in range(len(df2) - 1, -1, -1):
|
||||
x_sum += xs[i]
|
||||
n_sum += ns[i]
|
||||
while n_sum >= w:
|
||||
# Include points from the previous horizon. All of them if still
|
||||
# less than w, otherwise weight the mean by the difference
|
||||
excess_n = n_sum - w
|
||||
excess_x = excess_n * xs[i] / ns[i]
|
||||
res_x[trailing_i] = (x_sum - excess_x)/ w
|
||||
x_sum -= xs[trailing_i]
|
||||
n_sum -= ns[trailing_i]
|
||||
trailing_i -= 1
|
||||
|
||||
res_h = hs[(trailing_i + 1):]
|
||||
res_x = res_x[(trailing_i + 1):]
|
||||
|
||||
return pd.DataFrame({'horizon': res_h, name: res_x})
|
||||
|
||||
|
||||
|
||||
def rolling_median_by_h(x, h, w, name):
|
||||
"""Compute a rolling median of x, after first aggregating by h.
|
||||
|
||||
Right-aligned. Computes a single median for each unique value of h. Each
|
||||
median is over at least w samples.
|
||||
|
||||
For each h where there are fewer than w samples, we take samples from the previous h,
|
||||
moving backwards. (In other words, we ~ assume that the x's are shuffled within each h.)
|
||||
|
||||
Parameters
|
||||
----------
|
||||
x: Array.
|
||||
h: Array of horizon for each value in x.
|
||||
w: Integer window size (number of elements).
|
||||
name: Name for metric in result dataframe
|
||||
|
||||
Returns
|
||||
-------
|
||||
Dataframe with columns horizon and name, the rolling median of x.
|
||||
"""
|
||||
# Aggregate over h
|
||||
df = pd.DataFrame({'x': x, 'h': h})
|
||||
grouped = df.groupby('h')
|
||||
df2 = grouped.size().reset_index().sort_values('h')
|
||||
hs = df2['h']
|
||||
|
||||
res_h = []
|
||||
res_x = []
|
||||
# Start from the right and work backwards
|
||||
i = len(hs) - 1
|
||||
while i >= 0:
|
||||
h_i = hs[i]
|
||||
xs = grouped.get_group(h_i).x.tolist()
|
||||
|
||||
# wrap in array so this works if h is pandas Series with custom index or numpy array
|
||||
next_idx_to_add = np.array(h == h_i).argmax() - 1
|
||||
while (len(xs) < w) and (next_idx_to_add >= 0):
|
||||
# Include points from the previous horizon. All of them if still
|
||||
# less than w, otherwise just enough to get to w.
|
||||
xs.append(x[next_idx_to_add])
|
||||
next_idx_to_add -= 1
|
||||
if len(xs) < w:
|
||||
# Ran out of points before getting enough.
|
||||
break
|
||||
res_h.append(hs[i])
|
||||
res_x.append(np.median(xs))
|
||||
i -= 1
|
||||
res_h.reverse()
|
||||
res_x.reverse()
|
||||
return pd.DataFrame({'horizon': res_h, name: res_x})
|
||||
|
||||
|
||||
# The functions below specify performance metrics for cross-validation results.
|
||||
# Each takes as input the output of cross_validation, and returns the statistic
|
||||
# as a dataframe, given a window size for rolling aggregation.
|
||||
|
||||
|
||||
@register_performance_metric
|
||||
def mse(df, w):
|
||||
"""Mean squared error
|
||||
|
||||
Parameters
|
||||
----------
|
||||
df: Cross-validation results dataframe.
|
||||
w: Aggregation window size.
|
||||
|
||||
Returns
|
||||
-------
|
||||
Dataframe with columns horizon and mse.
|
||||
"""
|
||||
se = (df['y'] - df['yhat']) ** 2
|
||||
if w < 0:
|
||||
return pd.DataFrame({'horizon': df['horizon'], 'mse': se})
|
||||
return rolling_mean_by_h(
|
||||
x=se.values, h=df['horizon'].values, w=w, name='mse'
|
||||
)
|
||||
|
||||
|
||||
@register_performance_metric
|
||||
def rmse(df, w):
|
||||
"""Root mean squared error
|
||||
|
||||
Parameters
|
||||
----------
|
||||
df: Cross-validation results dataframe.
|
||||
w: Aggregation window size.
|
||||
|
||||
Returns
|
||||
-------
|
||||
Dataframe with columns horizon and rmse.
|
||||
"""
|
||||
res = mse(df, w)
|
||||
res['mse'] = np.sqrt(res['mse'])
|
||||
res.rename({'mse': 'rmse'}, axis='columns', inplace=True)
|
||||
return res
|
||||
|
||||
|
||||
@register_performance_metric
|
||||
def mae(df, w):
|
||||
"""Mean absolute error
|
||||
|
||||
Parameters
|
||||
----------
|
||||
df: Cross-validation results dataframe.
|
||||
w: Aggregation window size.
|
||||
|
||||
Returns
|
||||
-------
|
||||
Dataframe with columns horizon and mae.
|
||||
"""
|
||||
ae = np.abs(df['y'] - df['yhat'])
|
||||
if w < 0:
|
||||
return pd.DataFrame({'horizon': df['horizon'], 'mae': ae})
|
||||
return rolling_mean_by_h(
|
||||
x=ae.values, h=df['horizon'].values, w=w, name='mae'
|
||||
)
|
||||
|
||||
|
||||
@register_performance_metric
|
||||
def mape(df, w):
|
||||
"""Mean absolute percent error
|
||||
|
||||
Parameters
|
||||
----------
|
||||
df: Cross-validation results dataframe.
|
||||
w: Aggregation window size.
|
||||
|
||||
Returns
|
||||
-------
|
||||
Dataframe with columns horizon and mape.
|
||||
"""
|
||||
ape = np.abs((df['y'] - df['yhat']) / df['y'])
|
||||
if w < 0:
|
||||
return pd.DataFrame({'horizon': df['horizon'], 'mape': ape})
|
||||
return rolling_mean_by_h(
|
||||
x=ape.values, h=df['horizon'].values, w=w, name='mape'
|
||||
)
|
||||
|
||||
|
||||
@register_performance_metric
|
||||
def mdape(df, w):
|
||||
"""Median absolute percent error
|
||||
|
||||
Parameters
|
||||
----------
|
||||
df: Cross-validation results dataframe.
|
||||
w: Aggregation window size.
|
||||
|
||||
Returns
|
||||
-------
|
||||
Dataframe with columns horizon and mdape.
|
||||
"""
|
||||
ape = np.abs((df['y'] - df['yhat']) / df['y'])
|
||||
if w < 0:
|
||||
return pd.DataFrame({'horizon': df['horizon'], 'mdape': ape})
|
||||
return rolling_median_by_h(
|
||||
x=ape.values, h=df['horizon'], w=w, name='mdape'
|
||||
)
|
||||
|
||||
|
||||
@register_performance_metric
|
||||
def smape(df, w):
|
||||
"""Symmetric mean absolute percentage error
|
||||
based on Chen and Yang (2004) formula
|
||||
|
||||
Parameters
|
||||
----------
|
||||
df: Cross-validation results dataframe.
|
||||
w: Aggregation window size.
|
||||
|
||||
Returns
|
||||
-------
|
||||
Dataframe with columns horizon and smape.
|
||||
"""
|
||||
sape = np.abs(df['y'] - df['yhat']) / ((np.abs(df['y']) + np.abs(df['yhat'])) / 2)
|
||||
sape = sape.fillna(0)
|
||||
if w < 0:
|
||||
return pd.DataFrame({'horizon': df['horizon'], 'smape': sape})
|
||||
return rolling_mean_by_h(
|
||||
x=sape.values, h=df['horizon'].values, w=w, name='smape'
|
||||
)
|
||||
|
||||
|
||||
@register_performance_metric
|
||||
def coverage(df, w):
|
||||
"""Coverage
|
||||
|
||||
Parameters
|
||||
----------
|
||||
df: Cross-validation results dataframe.
|
||||
w: Aggregation window size.
|
||||
|
||||
Returns
|
||||
-------
|
||||
Dataframe with columns horizon and coverage.
|
||||
"""
|
||||
is_covered = (df['y'] >= df['yhat_lower']) & (df['y'] <= df['yhat_upper'])
|
||||
if w < 0:
|
||||
return pd.DataFrame({'horizon': df['horizon'], 'coverage': is_covered})
|
||||
return rolling_mean_by_h(
|
||||
x=is_covered.values, h=df['horizon'].values, w=w, name='coverage'
|
||||
)
|
||||
1939
.venv/lib/python3.12/site-packages/prophet/forecaster.py
Normal file
1939
.venv/lib/python3.12/site-packages/prophet/forecaster.py
Normal file
File diff suppressed because it is too large
Load Diff
77
.venv/lib/python3.12/site-packages/prophet/make_holidays.py
Normal file
77
.venv/lib/python3.12/site-packages/prophet/make_holidays.py
Normal file
@ -0,0 +1,77 @@
|
||||
# -*- coding: utf-8 -*-
|
||||
# Copyright (c) Facebook, Inc. and its affiliates.
|
||||
|
||||
# This source code is licensed under the MIT license found in the
|
||||
# LICENSE file in the root directory of this source tree.
|
||||
|
||||
from __future__ import absolute_import, division, print_function
|
||||
|
||||
import numpy as np
|
||||
import pandas as pd
|
||||
|
||||
import holidays
|
||||
|
||||
|
||||
def get_country_holidays_class(country):
|
||||
"""Get class for a supported country.
|
||||
|
||||
Parameters
|
||||
----------
|
||||
country: country code
|
||||
|
||||
Returns
|
||||
-------
|
||||
A valid country holidays class
|
||||
"""
|
||||
substitutions = {
|
||||
"TU": "TR", # For compatibility with Turkey as 'TU' cases.
|
||||
}
|
||||
|
||||
country = substitutions.get(country, country)
|
||||
if not hasattr(holidays, country):
|
||||
raise AttributeError(f"Holidays in {country} are not currently supported!")
|
||||
|
||||
return getattr(holidays, country)
|
||||
|
||||
|
||||
def get_holiday_names(country):
|
||||
"""Return all possible holiday names of given country
|
||||
|
||||
Parameters
|
||||
----------
|
||||
country: country name
|
||||
|
||||
Returns
|
||||
-------
|
||||
A set of all possible holiday names of given country
|
||||
"""
|
||||
country_holidays = get_country_holidays_class(country)
|
||||
return set(country_holidays(language="en_US", years=np.arange(1995, 2045)).values())
|
||||
|
||||
|
||||
def make_holidays_df(year_list, country, province=None, state=None):
|
||||
"""Make dataframe of holidays for given years and countries
|
||||
|
||||
Parameters
|
||||
----------
|
||||
year_list: a list of years
|
||||
country: country name
|
||||
province: province name
|
||||
|
||||
Returns
|
||||
-------
|
||||
Dataframe with 'ds' and 'holiday', which can directly feed
|
||||
to 'holidays' params in Prophet
|
||||
"""
|
||||
country_holidays = get_country_holidays_class(country)
|
||||
holidays = country_holidays(expand=False, language="en_US", subdiv=province, years=year_list)
|
||||
|
||||
holidays_df = pd.DataFrame(
|
||||
[(date, holidays.get_list(date)) for date in holidays],
|
||||
columns=["ds", "holiday"],
|
||||
)
|
||||
holidays_df = holidays_df.explode("holiday")
|
||||
holidays_df.reset_index(inplace=True, drop=True)
|
||||
holidays_df["ds"] = pd.to_datetime(holidays_df["ds"])
|
||||
|
||||
return holidays_df
|
||||
283
.venv/lib/python3.12/site-packages/prophet/models.py
Normal file
283
.venv/lib/python3.12/site-packages/prophet/models.py
Normal file
@ -0,0 +1,283 @@
|
||||
# -*- coding: utf-8 -*-
|
||||
# Copyright (c) Facebook, Inc. and its affiliates.
|
||||
|
||||
# This source code is licensed under the MIT license found in the
|
||||
# LICENSE file in the root directory of this source tree.
|
||||
|
||||
from __future__ import absolute_import, division, print_function
|
||||
from abc import abstractmethod, ABC
|
||||
from dataclasses import dataclass
|
||||
from typing import Sequence, Tuple
|
||||
from collections import OrderedDict
|
||||
from enum import Enum
|
||||
import importlib_resources
|
||||
import pathlib
|
||||
import platform
|
||||
|
||||
import logging
|
||||
logger = logging.getLogger('prophet.models')
|
||||
|
||||
PLATFORM = "win" if platform.platform().startswith("Win") else "unix"
|
||||
|
||||
class TrendIndicator(Enum):
|
||||
LINEAR = 0
|
||||
LOGISTIC = 1
|
||||
FLAT = 2
|
||||
|
||||
@dataclass
|
||||
class ModelInputData:
|
||||
T: int
|
||||
S: int
|
||||
K: int
|
||||
tau: float
|
||||
trend_indicator: int
|
||||
y: Sequence[float] # length T
|
||||
t: Sequence[float] # length T
|
||||
cap: Sequence[float] # length T
|
||||
t_change: Sequence[float] # length S
|
||||
s_a: Sequence[int] # length K
|
||||
s_m: Sequence[int] # length K
|
||||
X: Sequence[Sequence[float]] # shape (T, K)
|
||||
sigmas: Sequence[float] # length K
|
||||
|
||||
@dataclass
|
||||
class ModelParams:
|
||||
k: float
|
||||
m: float
|
||||
delta: Sequence[float] # length S
|
||||
beta: Sequence[float] # length K
|
||||
sigma_obs: float
|
||||
|
||||
|
||||
class IStanBackend(ABC):
|
||||
def __init__(self):
|
||||
self.model = self.load_model()
|
||||
self.stan_fit = None
|
||||
self.newton_fallback = True
|
||||
|
||||
def set_options(self, **kwargs):
|
||||
"""
|
||||
Specify model options as kwargs.
|
||||
* newton_fallback [bool]: whether to fallback to Newton if L-BFGS fails
|
||||
"""
|
||||
for k, v in kwargs.items():
|
||||
if k == 'newton_fallback':
|
||||
self.newton_fallback = v
|
||||
else:
|
||||
raise ValueError(f'Unknown option {k}')
|
||||
|
||||
def cleanup(self):
|
||||
"""Clean up temporary files created during model fitting."""
|
||||
pass
|
||||
|
||||
|
||||
@staticmethod
|
||||
@abstractmethod
|
||||
def get_type():
|
||||
pass
|
||||
|
||||
@abstractmethod
|
||||
def load_model(self):
|
||||
pass
|
||||
|
||||
@abstractmethod
|
||||
def fit(self, stan_init, stan_data, **kwargs) -> dict:
|
||||
pass
|
||||
|
||||
@abstractmethod
|
||||
def sampling(self, stan_init, stan_data, samples, **kwargs) -> dict:
|
||||
pass
|
||||
|
||||
|
||||
class CmdStanPyBackend(IStanBackend):
|
||||
CMDSTAN_VERSION = "2.33.1"
|
||||
def __init__(self):
|
||||
import cmdstanpy
|
||||
# this must be set before super.__init__() for load_model to work on Windows
|
||||
local_cmdstan = importlib_resources.files("prophet") / "stan_model" / f"cmdstan-{self.CMDSTAN_VERSION}"
|
||||
if local_cmdstan.exists():
|
||||
cmdstanpy.set_cmdstan_path(str(local_cmdstan))
|
||||
super().__init__()
|
||||
|
||||
@staticmethod
|
||||
def get_type():
|
||||
return StanBackendEnum.CMDSTANPY.name
|
||||
|
||||
def load_model(self):
|
||||
import cmdstanpy
|
||||
model_file = importlib_resources.files("prophet") / "stan_model" / "prophet_model.bin"
|
||||
return cmdstanpy.CmdStanModel(exe_file=str(model_file))
|
||||
|
||||
def fit(self, stan_init, stan_data, **kwargs):
|
||||
if 'inits' not in kwargs and 'init' in kwargs:
|
||||
stan_init = self.sanitize_custom_inits(stan_init, kwargs['init'])
|
||||
del kwargs['init']
|
||||
|
||||
inits_list, data_list = self.prepare_data(stan_init, stan_data)
|
||||
args = dict(
|
||||
data=data_list,
|
||||
inits=inits_list,
|
||||
algorithm='Newton' if data_list['T'] < 100 else 'LBFGS',
|
||||
iter=int(1e4),
|
||||
)
|
||||
args.update(kwargs)
|
||||
|
||||
try:
|
||||
self.stan_fit = self.model.optimize(**args)
|
||||
except RuntimeError as e:
|
||||
# Fall back on Newton
|
||||
if not self.newton_fallback or args['algorithm'] == 'Newton':
|
||||
raise e
|
||||
logger.warning('Optimization terminated abnormally. Falling back to Newton.')
|
||||
args['algorithm'] = 'Newton'
|
||||
self.stan_fit = self.model.optimize(**args)
|
||||
params = self.stan_to_dict_numpy(
|
||||
self.stan_fit.column_names, self.stan_fit.optimized_params_np)
|
||||
for par in params:
|
||||
params[par] = params[par].reshape((1, -1))
|
||||
return params
|
||||
|
||||
def sampling(self, stan_init, stan_data, samples, **kwargs) -> dict:
|
||||
if 'inits' not in kwargs and 'init' in kwargs:
|
||||
stan_init = self.sanitize_custom_inits(stan_init, kwargs['init'])
|
||||
del kwargs['init']
|
||||
|
||||
inits_list, data_list = self.prepare_data(stan_init, stan_data)
|
||||
args = dict(
|
||||
data=data_list,
|
||||
inits=inits_list,
|
||||
)
|
||||
if 'chains' not in kwargs:
|
||||
kwargs['chains'] = 4
|
||||
iter_half = samples // 2
|
||||
kwargs['iter_sampling'] = iter_half
|
||||
if 'iter_warmup' not in kwargs:
|
||||
kwargs['iter_warmup'] = iter_half
|
||||
args.update(kwargs)
|
||||
|
||||
self.stan_fit = self.model.sample(**args)
|
||||
res = self.stan_fit.draws()
|
||||
(samples, c, columns) = res.shape
|
||||
res = res.reshape((samples * c, columns))
|
||||
params = self.stan_to_dict_numpy(self.stan_fit.column_names, res)
|
||||
|
||||
for par in params:
|
||||
s = params[par].shape
|
||||
if s[1] == 1:
|
||||
params[par] = params[par].reshape((s[0],))
|
||||
|
||||
if par in ['delta', 'beta'] and len(s) < 2:
|
||||
params[par] = params[par].reshape((-1, 1))
|
||||
|
||||
return params
|
||||
|
||||
def cleanup(self):
|
||||
import cmdstanpy
|
||||
|
||||
if hasattr(self, "stan_fit"):
|
||||
fit_result: cmdstanpy.CmdStanMLE | cmdstanpy.CmdStanMCMC = self.stan_fit
|
||||
to_remove = (
|
||||
fit_result.runset.csv_files +
|
||||
fit_result.runset.diagnostic_files +
|
||||
fit_result.runset.stdout_files +
|
||||
fit_result.runset.profile_files
|
||||
)
|
||||
for fpath in to_remove:
|
||||
if pathlib.Path(fpath).is_file():
|
||||
pathlib.Path(fpath).unlink()
|
||||
|
||||
@staticmethod
|
||||
def sanitize_custom_inits(default_inits, custom_inits):
|
||||
"""Validate that custom inits have the correct type and shape, otherwise use defaults."""
|
||||
sanitized = {}
|
||||
for param in ['k', 'm', 'sigma_obs']:
|
||||
try:
|
||||
sanitized[param] = float(custom_inits.get(param))
|
||||
except Exception:
|
||||
sanitized[param] = default_inits[param]
|
||||
for param in ['delta', 'beta']:
|
||||
if default_inits[param].shape == custom_inits[param].shape:
|
||||
sanitized[param] = custom_inits[param]
|
||||
else:
|
||||
sanitized[param] = default_inits[param]
|
||||
return sanitized
|
||||
|
||||
@staticmethod
|
||||
def prepare_data(init, data) -> Tuple[dict, dict]:
|
||||
"""Converts np.ndarrays to lists that can be read by cmdstanpy."""
|
||||
cmdstanpy_data = {
|
||||
'T': data['T'],
|
||||
'S': data['S'],
|
||||
'K': data['K'],
|
||||
'tau': data['tau'],
|
||||
'trend_indicator': data['trend_indicator'],
|
||||
'y': data['y'].tolist(),
|
||||
't': data['t'].tolist(),
|
||||
'cap': data['cap'].tolist(),
|
||||
't_change': data['t_change'].tolist(),
|
||||
's_a': data['s_a'].tolist(),
|
||||
's_m': data['s_m'].tolist(),
|
||||
'X': data['X'].to_numpy().tolist(),
|
||||
'sigmas': data['sigmas']
|
||||
}
|
||||
|
||||
cmdstanpy_init = {
|
||||
'k': init['k'],
|
||||
'm': init['m'],
|
||||
'delta': init['delta'].tolist(),
|
||||
'beta': init['beta'].tolist(),
|
||||
'sigma_obs': init['sigma_obs']
|
||||
}
|
||||
return (cmdstanpy_init, cmdstanpy_data)
|
||||
|
||||
@staticmethod
|
||||
def stan_to_dict_numpy(column_names: Tuple[str, ...], data: 'np.array'):
|
||||
import numpy as np
|
||||
|
||||
output = OrderedDict()
|
||||
|
||||
prev = None
|
||||
|
||||
start = 0
|
||||
end = 0
|
||||
two_dims = len(data.shape) > 1
|
||||
for cname in column_names:
|
||||
parsed = cname.split(".") if "." in cname else cname.split("[")
|
||||
curr = parsed[0]
|
||||
if prev is None:
|
||||
prev = curr
|
||||
|
||||
if curr != prev:
|
||||
if prev in output:
|
||||
raise RuntimeError(
|
||||
"Found repeated column name"
|
||||
)
|
||||
if two_dims:
|
||||
output[prev] = np.array(data[:, start:end])
|
||||
else:
|
||||
output[prev] = np.array(data[start:end])
|
||||
prev = curr
|
||||
start = end
|
||||
end += 1
|
||||
if prev in output:
|
||||
raise RuntimeError(
|
||||
"Found repeated column name"
|
||||
)
|
||||
if two_dims:
|
||||
output[prev] = np.array(data[:, start:end])
|
||||
else:
|
||||
output[prev] = np.array(data[start:end])
|
||||
return output
|
||||
|
||||
|
||||
|
||||
|
||||
class StanBackendEnum(Enum):
|
||||
CMDSTANPY = CmdStanPyBackend
|
||||
|
||||
@staticmethod
|
||||
def get_backend_class(name: str) -> IStanBackend:
|
||||
try:
|
||||
return StanBackendEnum[name].value
|
||||
except KeyError as e:
|
||||
raise ValueError(f"Unknown stan backend: {name}") from e
|
||||
1025
.venv/lib/python3.12/site-packages/prophet/plot.py
Normal file
1025
.venv/lib/python3.12/site-packages/prophet/plot.py
Normal file
File diff suppressed because it is too large
Load Diff
218
.venv/lib/python3.12/site-packages/prophet/serialize.py
Normal file
218
.venv/lib/python3.12/site-packages/prophet/serialize.py
Normal file
@ -0,0 +1,218 @@
|
||||
# -*- coding: utf-8 -*-
|
||||
# Copyright (c) Facebook, Inc. and its affiliates.
|
||||
|
||||
# This source code is licensed under the MIT license found in the
|
||||
# LICENSE file in the root directory of this source tree.
|
||||
|
||||
from __future__ import absolute_import, division, print_function
|
||||
|
||||
from collections import OrderedDict
|
||||
from copy import deepcopy
|
||||
from io import StringIO
|
||||
import json
|
||||
from pathlib import Path
|
||||
|
||||
import numpy as np
|
||||
import pandas as pd
|
||||
|
||||
from prophet.forecaster import Prophet
|
||||
|
||||
about = {}
|
||||
here = Path(__file__).parent.resolve()
|
||||
with open(here / "__version__.py", "r") as f:
|
||||
exec(f.read(), about)
|
||||
|
||||
SIMPLE_ATTRIBUTES = [
|
||||
'growth', 'n_changepoints', 'specified_changepoints', 'changepoint_range',
|
||||
'yearly_seasonality', 'weekly_seasonality', 'daily_seasonality',
|
||||
'seasonality_mode', 'seasonality_prior_scale', 'changepoint_prior_scale',
|
||||
'holidays_prior_scale', 'mcmc_samples', 'interval_width', 'uncertainty_samples',
|
||||
'y_scale', 'y_min', 'scaling', 'logistic_floor', 'country_holidays', 'component_modes',
|
||||
'holidays_mode'
|
||||
]
|
||||
|
||||
PD_SERIES = ['changepoints', 'history_dates', 'train_holiday_names']
|
||||
|
||||
PD_TIMESTAMP = ['start']
|
||||
|
||||
PD_TIMEDELTA = ['t_scale']
|
||||
|
||||
PD_DATAFRAME = ['holidays', 'history', 'train_component_cols']
|
||||
|
||||
NP_ARRAY = ['changepoints_t']
|
||||
|
||||
ORDEREDDICT = ['seasonalities', 'extra_regressors']
|
||||
|
||||
|
||||
def model_to_dict(model):
|
||||
"""Convert a Prophet model to a dictionary suitable for JSON serialization.
|
||||
|
||||
Model must be fitted. Skips Stan objects that are not needed for predict.
|
||||
|
||||
Can be reversed with model_from_dict.
|
||||
|
||||
Parameters
|
||||
----------
|
||||
model: Prophet model object.
|
||||
|
||||
Returns
|
||||
-------
|
||||
dict that can be used to serialize a Prophet model as JSON or loaded back
|
||||
into a Prophet model.
|
||||
"""
|
||||
if model.history is None:
|
||||
raise ValueError(
|
||||
"This can only be used to serialize models that have already been fit."
|
||||
)
|
||||
|
||||
model_dict = {
|
||||
attribute: getattr(model, attribute) for attribute in SIMPLE_ATTRIBUTES
|
||||
}
|
||||
# Handle attributes of non-core types
|
||||
for attribute in PD_SERIES:
|
||||
if getattr(model, attribute) is None:
|
||||
model_dict[attribute] = None
|
||||
else:
|
||||
model_dict[attribute] = getattr(model, attribute).to_json(
|
||||
orient='split', date_format='iso'
|
||||
)
|
||||
for attribute in PD_TIMESTAMP:
|
||||
model_dict[attribute] = getattr(model, attribute).timestamp()
|
||||
for attribute in PD_TIMEDELTA:
|
||||
model_dict[attribute] = getattr(model, attribute).total_seconds()
|
||||
for attribute in PD_DATAFRAME:
|
||||
if getattr(model, attribute) is None:
|
||||
model_dict[attribute] = None
|
||||
else:
|
||||
model_dict[attribute] = getattr(model, attribute).to_json(orient='table', index=False)
|
||||
for attribute in NP_ARRAY:
|
||||
model_dict[attribute] = getattr(model, attribute).tolist()
|
||||
for attribute in ORDEREDDICT:
|
||||
model_dict[attribute] = [
|
||||
list(getattr(model, attribute).keys()),
|
||||
getattr(model, attribute),
|
||||
]
|
||||
# Other attributes with special handling
|
||||
# fit_kwargs -> Transform any numpy types before serializing.
|
||||
# They do not need to be transformed back on deserializing.
|
||||
fit_kwargs = deepcopy(model.fit_kwargs)
|
||||
if 'init' in fit_kwargs:
|
||||
for k, v in fit_kwargs['init'].items():
|
||||
if isinstance(v, np.ndarray):
|
||||
fit_kwargs['init'][k] = v.tolist()
|
||||
elif isinstance(v, np.floating):
|
||||
fit_kwargs['init'][k] = float(v)
|
||||
model_dict['fit_kwargs'] = fit_kwargs
|
||||
|
||||
# Params (Dict[str, np.ndarray])
|
||||
model_dict['params'] = {k: v.tolist() for k, v in model.params.items()}
|
||||
# Attributes that are skipped: stan_fit, stan_backend
|
||||
model_dict['__prophet_version'] = about["__version__"]
|
||||
return model_dict
|
||||
|
||||
|
||||
def model_to_json(model):
|
||||
"""Serialize a Prophet model to json string.
|
||||
|
||||
Model must be fitted. Skips Stan objects that are not needed for predict.
|
||||
|
||||
Can be deserialized with model_from_json.
|
||||
|
||||
Parameters
|
||||
----------
|
||||
model: Prophet model object.
|
||||
|
||||
Returns
|
||||
-------
|
||||
json string that can be deserialized into a Prophet model.
|
||||
"""
|
||||
model_json = model_to_dict(model)
|
||||
return json.dumps(model_json)
|
||||
|
||||
|
||||
def _handle_simple_attributes_backwards_compat(model_dict):
|
||||
"""Handle backwards compatibility for SIMPLE_ATTRIBUTES."""
|
||||
# prophet<1.1.5: handle scaling parameters introduced in #2470
|
||||
if 'scaling' not in model_dict:
|
||||
model_dict['scaling'] = 'absmax'
|
||||
model_dict['y_min'] = 0.
|
||||
# prophet<1.1.5: handle holidays_mode parameter introduced in #2477
|
||||
if 'holidays_mode' not in model_dict:
|
||||
model_dict['holidays_mode'] = model_dict['seasonality_mode']
|
||||
|
||||
def model_from_dict(model_dict):
|
||||
"""Recreate a Prophet model from a dictionary.
|
||||
|
||||
Recreates models that were converted with model_to_dict.
|
||||
|
||||
Parameters
|
||||
----------
|
||||
model_dict: Dictionary containing model, created with model_to_dict.
|
||||
|
||||
Returns
|
||||
-------
|
||||
Prophet model.
|
||||
"""
|
||||
model = Prophet() # We will overwrite all attributes set in init anyway
|
||||
# Simple types
|
||||
_handle_simple_attributes_backwards_compat(model_dict)
|
||||
for attribute in SIMPLE_ATTRIBUTES:
|
||||
setattr(model, attribute, model_dict[attribute])
|
||||
for attribute in PD_SERIES:
|
||||
if model_dict[attribute] is None:
|
||||
setattr(model, attribute, None)
|
||||
else:
|
||||
s = pd.read_json(StringIO(model_dict[attribute]), typ='series', orient='split')
|
||||
if s.name == 'ds':
|
||||
if len(s) == 0:
|
||||
s = pd.to_datetime(s)
|
||||
s = s.dt.tz_localize(None)
|
||||
setattr(model, attribute, s)
|
||||
for attribute in PD_TIMESTAMP:
|
||||
setattr(model, attribute, pd.Timestamp.utcfromtimestamp(model_dict[attribute]).tz_localize(None))
|
||||
for attribute in PD_TIMEDELTA:
|
||||
setattr(model, attribute, pd.Timedelta(seconds=model_dict[attribute]))
|
||||
for attribute in PD_DATAFRAME:
|
||||
if model_dict[attribute] is None:
|
||||
setattr(model, attribute, None)
|
||||
else:
|
||||
df = pd.read_json(StringIO(model_dict[attribute]), typ='frame', orient='table', convert_dates=['ds'])
|
||||
if attribute == 'train_component_cols':
|
||||
# Special handling because of named index column
|
||||
df.columns.name = 'component'
|
||||
df.index.name = 'col'
|
||||
setattr(model, attribute, df)
|
||||
for attribute in NP_ARRAY:
|
||||
setattr(model, attribute, np.array(model_dict[attribute]))
|
||||
for attribute in ORDEREDDICT:
|
||||
key_list, unordered_dict = model_dict[attribute]
|
||||
od = OrderedDict()
|
||||
for key in key_list:
|
||||
od[key] = unordered_dict[key]
|
||||
setattr(model, attribute, od)
|
||||
# Other attributes with special handling
|
||||
# fit_kwargs
|
||||
model.fit_kwargs = model_dict['fit_kwargs']
|
||||
# Params (Dict[str, np.ndarray])
|
||||
model.params = {k: np.array(v) for k, v in model_dict['params'].items()}
|
||||
# Skipped attributes
|
||||
model.stan_backend = None
|
||||
model.stan_fit = None
|
||||
return model
|
||||
|
||||
|
||||
def model_from_json(model_json):
|
||||
"""Deserialize a Prophet model from json string.
|
||||
|
||||
Deserializes models that were serialized with model_to_json.
|
||||
|
||||
Parameters
|
||||
----------
|
||||
model_json: Serialized model string
|
||||
|
||||
Returns
|
||||
-------
|
||||
Prophet model.
|
||||
"""
|
||||
model_dict = json.loads(model_json)
|
||||
return model_from_dict(model_dict)
|
||||
Binary file not shown.
BIN
.venv/lib/python3.12/site-packages/prophet/stan_model/cmdstan-2.33.1/bin/print
Executable file
BIN
.venv/lib/python3.12/site-packages/prophet/stan_model/cmdstan-2.33.1/bin/print
Executable file
Binary file not shown.
BIN
.venv/lib/python3.12/site-packages/prophet/stan_model/cmdstan-2.33.1/bin/stanc
Executable file
BIN
.venv/lib/python3.12/site-packages/prophet/stan_model/cmdstan-2.33.1/bin/stanc
Executable file
Binary file not shown.
Binary file not shown.
@ -0,0 +1,64 @@
|
||||
arena.o: ../tbb_2020.3/src/tbb/arena.cpp \
|
||||
../tbb_2020.3/include/tbb/global_control.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h ../tbb_2020.3/src/tbb/scheduler.h \
|
||||
../tbb_2020.3/src/tbb/scheduler_common.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h \
|
||||
../tbb_2020.3/include/tbb/cache_aligned_allocator.h \
|
||||
../tbb_2020.3/src/tbb/tbb_statistics.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h ../tbb_2020.3/include/tbb/task.h \
|
||||
../tbb_2020.3/include/tbb/internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/internal/_tbb_strings.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/include/tbb/tbb_exception.h \
|
||||
../tbb_2020.3/include/tbb/tbb_allocator.h \
|
||||
../tbb_2020.3/include/tbb/spin_mutex.h \
|
||||
../tbb_2020.3/include/tbb/aligned_space.h \
|
||||
../tbb_2020.3/include/tbb/internal/_mutex_padding.h \
|
||||
../tbb_2020.3/include/tbb/internal/_x86_eliding_mutex_impl.h \
|
||||
../tbb_2020.3/src/tbb/mailbox.h ../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/src/tbb/tbb_misc.h ../tbb_2020.3/include/tbb/info.h \
|
||||
../tbb_2020.3/src/tbb/itt_notify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/legacy/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/../rml/include/rml_tbb.h \
|
||||
../tbb_2020.3/src/tbb/../rml/include/rml_base.h \
|
||||
../tbb_2020.3/src/tbb/intrusive_list.h \
|
||||
../tbb_2020.3/include/tbb/internal/_template_helpers.h \
|
||||
../tbb_2020.3/src/tbb/cilk-tbb-interop.h ../tbb_2020.3/src/tbb/arena.h \
|
||||
../tbb_2020.3/src/tbb/task_stream.h \
|
||||
../tbb_2020.3/include/tbb/tbb_allocator.h \
|
||||
../tbb_2020.3/src/tbb/observer_proxy.h \
|
||||
../tbb_2020.3/include/tbb/task_scheduler_observer.h \
|
||||
../tbb_2020.3/include/tbb/task_arena.h ../tbb_2020.3/include/tbb/task.h \
|
||||
../tbb_2020.3/include/tbb/tbb_exception.h \
|
||||
../tbb_2020.3/include/tbb/internal/_template_helpers.h \
|
||||
../tbb_2020.3/include/tbb/info.h \
|
||||
../tbb_2020.3/include/tbb/spin_rw_mutex.h \
|
||||
../tbb_2020.3/include/tbb/internal/_x86_rtm_rw_mutex_impl.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/internal/../spin_rw_mutex.h \
|
||||
../tbb_2020.3/include/tbb/aligned_space.h ../tbb_2020.3/src/tbb/market.h \
|
||||
../tbb_2020.3/src/tbb/governor.h \
|
||||
../tbb_2020.3/include/tbb/task_scheduler_init.h \
|
||||
../tbb_2020.3/src/tbb/tls.h ../tbb_2020.3/src/tbb/concurrent_monitor.h \
|
||||
../tbb_2020.3/src/tbb/semaphore.h \
|
||||
../tbb_2020.3/include/tbb/internal/_flow_graph_impl.h \
|
||||
../tbb_2020.3/include/tbb/internal/../task.h \
|
||||
../tbb_2020.3/include/tbb/internal/../internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/internal/../task_arena.h \
|
||||
../tbb_2020.3/include/tbb/internal/../flow_graph_abstractions.h \
|
||||
../tbb_2020.3/src/tbb/scheduler_utility.h \
|
||||
../tbb_2020.3/include/tbb/task_arena.h
|
||||
Binary file not shown.
@ -0,0 +1,32 @@
|
||||
backend.o: ../tbb_2020.3/src/tbbmalloc/backend.cpp \
|
||||
../tbb_2020.3/src/tbbmalloc/tbbmalloc_internal.h \
|
||||
../tbb_2020.3/src/tbbmalloc/TypeDefinitions.h \
|
||||
../tbb_2020.3/src/tbbmalloc/Customize.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/src/tbbmalloc/Synchronize.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h \
|
||||
../tbb_2020.3/src/tbb/itt_notify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/legacy/ittnotify.h \
|
||||
../tbb_2020.3/src/tbbmalloc/proxy.h \
|
||||
../tbb_2020.3/include/tbb/internal/_aggregator_impl.h \
|
||||
../tbb_2020.3/include/tbb/internal/../atomic.h \
|
||||
../tbb_2020.3/include/tbb/internal/../internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/internal/../internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/internal/../internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/src/tbbmalloc/shared_utils.h \
|
||||
../tbb_2020.3/include/tbb/scalable_allocator.h \
|
||||
../tbb_2020.3/src/tbbmalloc/tbbmalloc_internal_api.h \
|
||||
../tbb_2020.3/src/tbbmalloc/Statistics.h \
|
||||
../tbb_2020.3/src/tbbmalloc/large_objects.h \
|
||||
../tbb_2020.3/src/tbbmalloc/backend.h \
|
||||
../tbb_2020.3/src/tbbmalloc/MapMemory.h
|
||||
Binary file not shown.
@ -0,0 +1,31 @@
|
||||
backref.o: ../tbb_2020.3/src/tbbmalloc/backref.cpp \
|
||||
../tbb_2020.3/src/tbbmalloc/tbbmalloc_internal.h \
|
||||
../tbb_2020.3/src/tbbmalloc/TypeDefinitions.h \
|
||||
../tbb_2020.3/src/tbbmalloc/Customize.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/src/tbbmalloc/Synchronize.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h \
|
||||
../tbb_2020.3/src/tbb/itt_notify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/legacy/ittnotify.h \
|
||||
../tbb_2020.3/src/tbbmalloc/proxy.h \
|
||||
../tbb_2020.3/include/tbb/internal/_aggregator_impl.h \
|
||||
../tbb_2020.3/include/tbb/internal/../atomic.h \
|
||||
../tbb_2020.3/include/tbb/internal/../internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/internal/../internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/internal/../internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/src/tbbmalloc/shared_utils.h \
|
||||
../tbb_2020.3/include/tbb/scalable_allocator.h \
|
||||
../tbb_2020.3/src/tbbmalloc/tbbmalloc_internal_api.h \
|
||||
../tbb_2020.3/src/tbbmalloc/Statistics.h \
|
||||
../tbb_2020.3/src/tbbmalloc/large_objects.h \
|
||||
../tbb_2020.3/src/tbbmalloc/backend.h
|
||||
Binary file not shown.
@ -0,0 +1,22 @@
|
||||
cache_aligned_allocator.o: \
|
||||
../tbb_2020.3/src/tbb/cache_aligned_allocator.cpp \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/cache_aligned_allocator.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_allocator.h \
|
||||
../tbb_2020.3/include/tbb/tbb_exception.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_allocator.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/src/tbb/tbb_misc.h ../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h ../tbb_2020.3/include/tbb/info.h \
|
||||
../tbb_2020.3/src/tbb/dynamic_link.h
|
||||
Binary file not shown.
@ -0,0 +1,30 @@
|
||||
concurrent_hash_map.o: ../tbb_2020.3/src/tbb/concurrent_hash_map.cpp \
|
||||
../tbb_2020.3/include/tbb/concurrent_hash_map.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_allocator.h \
|
||||
../tbb_2020.3/include/tbb/spin_rw_mutex.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h \
|
||||
../tbb_2020.3/include/tbb/tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/internal/_tbb_strings.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/_mutex_padding.h \
|
||||
../tbb_2020.3/include/tbb/internal/_x86_rtm_rw_mutex_impl.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/internal/../spin_rw_mutex.h \
|
||||
../tbb_2020.3/include/tbb/tbb_exception.h \
|
||||
../tbb_2020.3/include/tbb/aligned_space.h \
|
||||
../tbb_2020.3/include/tbb/internal/_tbb_hash_compare_impl.h \
|
||||
../tbb_2020.3/include/tbb/internal/_template_helpers.h \
|
||||
../tbb_2020.3/include/tbb/internal/_allocator_traits.h
|
||||
Binary file not shown.
@ -0,0 +1,27 @@
|
||||
concurrent_monitor.o: ../tbb_2020.3/src/tbb/concurrent_monitor.cpp \
|
||||
../tbb_2020.3/src/tbb/concurrent_monitor.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/include/tbb/spin_mutex.h \
|
||||
../tbb_2020.3/include/tbb/aligned_space.h \
|
||||
../tbb_2020.3/include/tbb/tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/internal/_tbb_strings.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/internal/_mutex_padding.h \
|
||||
../tbb_2020.3/include/tbb/internal/_x86_eliding_mutex_impl.h \
|
||||
../tbb_2020.3/include/tbb/tbb_exception.h \
|
||||
../tbb_2020.3/include/tbb/tbb_allocator.h \
|
||||
../tbb_2020.3/include/tbb/aligned_space.h \
|
||||
../tbb_2020.3/src/tbb/semaphore.h
|
||||
Binary file not shown.
@ -0,0 +1,43 @@
|
||||
concurrent_queue.o: ../tbb_2020.3/src/tbb/concurrent_queue.cpp \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h \
|
||||
../tbb_2020.3/include/tbb/tbb_exception.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_allocator.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/_concurrent_queue_impl.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/internal/../atomic.h \
|
||||
../tbb_2020.3/include/tbb/internal/../internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/internal/../internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/internal/../internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../spin_mutex.h \
|
||||
../tbb_2020.3/include/tbb/internal/../aligned_space.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/internal/../internal/_tbb_strings.h \
|
||||
../tbb_2020.3/include/tbb/internal/../atomic.h \
|
||||
../tbb_2020.3/include/tbb/internal/../internal/_mutex_padding.h \
|
||||
../tbb_2020.3/include/tbb/internal/../internal/_x86_eliding_mutex_impl.h \
|
||||
../tbb_2020.3/include/tbb/internal/../cache_aligned_allocator.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_exception.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_profiling.h \
|
||||
../tbb_2020.3/src/tbb/concurrent_monitor.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/spin_mutex.h \
|
||||
../tbb_2020.3/include/tbb/aligned_space.h \
|
||||
../tbb_2020.3/src/tbb/semaphore.h ../tbb_2020.3/src/tbb/itt_notify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/legacy/ittnotify.h
|
||||
Binary file not shown.
@ -0,0 +1,24 @@
|
||||
concurrent_queue_v2.o: ../tbb_2020.3/src/old/concurrent_queue_v2.cpp \
|
||||
../tbb_2020.3/src/old/concurrent_queue_v2.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/cache_aligned_allocator.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/spin_mutex.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/aligned_space.h \
|
||||
../tbb_2020.3/include/tbb/internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/include/tbb/tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/internal/_tbb_strings.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/internal/_mutex_padding.h \
|
||||
../tbb_2020.3/include/tbb/internal/_x86_eliding_mutex_impl.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h
|
||||
Binary file not shown.
@ -0,0 +1,31 @@
|
||||
concurrent_vector.o: ../tbb_2020.3/src/tbb/concurrent_vector.cpp \
|
||||
../tbb_2020.3/include/tbb/concurrent_vector.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_exception.h \
|
||||
../tbb_2020.3/include/tbb/tbb_allocator.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h \
|
||||
../tbb_2020.3/include/tbb/cache_aligned_allocator.h \
|
||||
../tbb_2020.3/include/tbb/blocked_range.h \
|
||||
../tbb_2020.3/include/tbb/tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/internal/_tbb_strings.h \
|
||||
../tbb_2020.3/include/tbb/internal/_allocator_traits.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/cache_aligned_allocator.h \
|
||||
../tbb_2020.3/include/tbb/tbb_exception.h \
|
||||
../tbb_2020.3/src/tbb/tbb_misc.h ../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h ../tbb_2020.3/include/tbb/info.h \
|
||||
../tbb_2020.3/src/tbb/itt_notify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/legacy/ittnotify.h
|
||||
Binary file not shown.
@ -0,0 +1,26 @@
|
||||
concurrent_vector_v2.o: ../tbb_2020.3/src/old/concurrent_vector_v2.cpp \
|
||||
../tbb_2020.3/src/old/concurrent_vector_v2.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/include/tbb/cache_aligned_allocator.h \
|
||||
../tbb_2020.3/include/tbb/blocked_range.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/src/old/../tbb/itt_notify.h \
|
||||
../tbb_2020.3/src/old/../tbb/tools_api/ittnotify.h \
|
||||
../tbb_2020.3/src/old/../tbb/tools_api/legacy/ittnotify.h \
|
||||
../tbb_2020.3/include/tbb/task.h \
|
||||
../tbb_2020.3/include/tbb/tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/internal/_tbb_strings.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h
|
||||
Binary file not shown.
@ -0,0 +1,37 @@
|
||||
condition_variable.o: ../tbb_2020.3/src/tbb/condition_variable.cpp \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/compat/condition_variable \
|
||||
../tbb_2020.3/include/tbb/compat/../internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/compat/../internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/compat/../internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/compat/../tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/compat/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/compat/../mutex.h \
|
||||
../tbb_2020.3/include/tbb/compat/../internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/compat/../internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/compat/../aligned_space.h \
|
||||
../tbb_2020.3/include/tbb/compat/../tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/compat/../tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/compat/../machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/compat/../machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/compat/../machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/compat/../machine/linux_common.h \
|
||||
../tbb_2020.3/include/tbb/compat/../internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/include/tbb/compat/../tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/compat/../internal/_tbb_strings.h \
|
||||
../tbb_2020.3/include/tbb/compat/../atomic.h \
|
||||
../tbb_2020.3/include/tbb/compat/../tbb_thread.h \
|
||||
../tbb_2020.3/include/tbb/compat/../internal/_tbb_hash_compare_impl.h \
|
||||
../tbb_2020.3/include/tbb/compat/../tick_count.h \
|
||||
../tbb_2020.3/include/tbb/compat/../tbb_exception.h \
|
||||
../tbb_2020.3/include/tbb/compat/../tbb_allocator.h \
|
||||
../tbb_2020.3/include/tbb/compat/../tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/compat/../internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/src/tbb/tbb_misc.h ../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h ../tbb_2020.3/include/tbb/info.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/src/tbb/dynamic_link.h ../tbb_2020.3/src/tbb/itt_notify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/legacy/ittnotify.h
|
||||
Binary file not shown.
@ -0,0 +1,26 @@
|
||||
critical_section.o: ../tbb_2020.3/src/tbb/critical_section.cpp \
|
||||
../tbb_2020.3/include/tbb/critical_section.h \
|
||||
../tbb_2020.3/include/tbb/internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_thread.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/_tbb_hash_compare_impl.h \
|
||||
../tbb_2020.3/include/tbb/tick_count.h \
|
||||
../tbb_2020.3/include/tbb/tbb_exception.h \
|
||||
../tbb_2020.3/include/tbb/tbb_allocator.h \
|
||||
../tbb_2020.3/include/tbb/tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/internal/_tbb_strings.h \
|
||||
../tbb_2020.3/src/tbb/itt_notify.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/legacy/ittnotify.h
|
||||
Binary file not shown.
@ -0,0 +1,18 @@
|
||||
dynamic_link.o: ../tbb_2020.3/src/tbb/dynamic_link.cpp \
|
||||
../tbb_2020.3/src/tbb/dynamic_link.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h ../tbb_2020.3/src/tbb/tbb_misc.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/include/tbb/info.h
|
||||
Binary file not shown.
@ -0,0 +1,34 @@
|
||||
frontend.o: ../tbb_2020.3/src/tbbmalloc/frontend.cpp \
|
||||
../tbb_2020.3/src/tbbmalloc/tbbmalloc_internal.h \
|
||||
../tbb_2020.3/src/tbbmalloc/TypeDefinitions.h \
|
||||
../tbb_2020.3/src/tbbmalloc/Customize.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/src/tbbmalloc/Synchronize.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h \
|
||||
../tbb_2020.3/src/tbb/itt_notify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/legacy/ittnotify.h \
|
||||
../tbb_2020.3/src/tbbmalloc/proxy.h \
|
||||
../tbb_2020.3/include/tbb/internal/_aggregator_impl.h \
|
||||
../tbb_2020.3/include/tbb/internal/../atomic.h \
|
||||
../tbb_2020.3/include/tbb/internal/../internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/internal/../internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/internal/../internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/src/tbbmalloc/shared_utils.h \
|
||||
../tbb_2020.3/include/tbb/scalable_allocator.h \
|
||||
../tbb_2020.3/src/tbbmalloc/tbbmalloc_internal_api.h \
|
||||
../tbb_2020.3/src/tbbmalloc/Statistics.h \
|
||||
../tbb_2020.3/src/tbbmalloc/large_objects.h \
|
||||
../tbb_2020.3/src/tbbmalloc/backend.h \
|
||||
../tbb_2020.3/src/tbbmalloc/../tbb/tbb_version.h version_string.ver \
|
||||
../tbb_2020.3/src/tbbmalloc/../tbb/tbb_environment.h \
|
||||
../tbb_2020.3/src/tbbmalloc/../tbb/itt_notify.h
|
||||
Binary file not shown.
@ -0,0 +1,57 @@
|
||||
governor.o: ../tbb_2020.3/src/tbb/governor.cpp \
|
||||
../tbb_2020.3/src/tbb/governor.h \
|
||||
../tbb_2020.3/include/tbb/task_scheduler_init.h \
|
||||
../tbb_2020.3/include/tbb/internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/src/tbb/../rml/include/rml_tbb.h \
|
||||
../tbb_2020.3/src/tbb/../rml/include/rml_base.h \
|
||||
../tbb_2020.3/src/tbb/tbb_misc.h ../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h ../tbb_2020.3/include/tbb/info.h \
|
||||
../tbb_2020.3/src/tbb/tls.h ../tbb_2020.3/src/tbb/cilk-tbb-interop.h \
|
||||
../tbb_2020.3/src/tbb/tbb_main.h ../tbb_2020.3/src/tbb/tbb_environment.h \
|
||||
../tbb_2020.3/src/tbb/scheduler.h \
|
||||
../tbb_2020.3/src/tbb/scheduler_common.h \
|
||||
../tbb_2020.3/include/tbb/cache_aligned_allocator.h \
|
||||
../tbb_2020.3/src/tbb/tbb_statistics.h ../tbb_2020.3/include/tbb/task.h \
|
||||
../tbb_2020.3/include/tbb/tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/internal/_tbb_strings.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/tbb_exception.h \
|
||||
../tbb_2020.3/include/tbb/tbb_allocator.h \
|
||||
../tbb_2020.3/include/tbb/spin_mutex.h \
|
||||
../tbb_2020.3/include/tbb/aligned_space.h \
|
||||
../tbb_2020.3/include/tbb/internal/_mutex_padding.h \
|
||||
../tbb_2020.3/include/tbb/internal/_x86_eliding_mutex_impl.h \
|
||||
../tbb_2020.3/src/tbb/mailbox.h ../tbb_2020.3/src/tbb/itt_notify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/legacy/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/intrusive_list.h \
|
||||
../tbb_2020.3/include/tbb/internal/_template_helpers.h \
|
||||
../tbb_2020.3/src/tbb/arena.h ../tbb_2020.3/src/tbb/task_stream.h \
|
||||
../tbb_2020.3/include/tbb/tbb_allocator.h \
|
||||
../tbb_2020.3/src/tbb/observer_proxy.h \
|
||||
../tbb_2020.3/include/tbb/task_scheduler_observer.h \
|
||||
../tbb_2020.3/include/tbb/task_arena.h ../tbb_2020.3/include/tbb/task.h \
|
||||
../tbb_2020.3/include/tbb/tbb_exception.h \
|
||||
../tbb_2020.3/include/tbb/internal/_template_helpers.h \
|
||||
../tbb_2020.3/include/tbb/info.h \
|
||||
../tbb_2020.3/include/tbb/spin_rw_mutex.h \
|
||||
../tbb_2020.3/include/tbb/internal/_x86_rtm_rw_mutex_impl.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/internal/../spin_rw_mutex.h \
|
||||
../tbb_2020.3/include/tbb/aligned_space.h ../tbb_2020.3/src/tbb/market.h \
|
||||
../tbb_2020.3/src/tbb/concurrent_monitor.h \
|
||||
../tbb_2020.3/src/tbb/semaphore.h ../tbb_2020.3/src/tbb/dynamic_link.h
|
||||
Binary file not shown.
@ -0,0 +1,13 @@
|
||||
itt_notify.o: ../tbb_2020.3/src/tbb/itt_notify.cpp \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify_static.c \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify_config.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify_types.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/legacy/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/disable_warnings.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify_static.h \
|
||||
../tbb_2020.3/src/tbb/itt_notify.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/legacy/ittnotify.h
|
||||
Binary file not shown.
@ -0,0 +1,13 @@
|
||||
itt_notify_malloc.o: ../tbb_2020.3/src/tbb/itt_notify.cpp \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify_static.c \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify_config.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify_types.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/legacy/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/disable_warnings.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify_static.h \
|
||||
../tbb_2020.3/src/tbb/itt_notify.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/legacy/ittnotify.h
|
||||
Binary file not shown.
@ -0,0 +1,32 @@
|
||||
large_objects.o: ../tbb_2020.3/src/tbbmalloc/large_objects.cpp \
|
||||
../tbb_2020.3/src/tbbmalloc/tbbmalloc_internal.h \
|
||||
../tbb_2020.3/src/tbbmalloc/TypeDefinitions.h \
|
||||
../tbb_2020.3/src/tbbmalloc/Customize.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/src/tbbmalloc/Synchronize.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h \
|
||||
../tbb_2020.3/src/tbb/itt_notify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/legacy/ittnotify.h \
|
||||
../tbb_2020.3/src/tbbmalloc/proxy.h \
|
||||
../tbb_2020.3/include/tbb/internal/_aggregator_impl.h \
|
||||
../tbb_2020.3/include/tbb/internal/../atomic.h \
|
||||
../tbb_2020.3/include/tbb/internal/../internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/internal/../internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/internal/../internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/src/tbbmalloc/shared_utils.h \
|
||||
../tbb_2020.3/include/tbb/scalable_allocator.h \
|
||||
../tbb_2020.3/src/tbbmalloc/tbbmalloc_internal_api.h \
|
||||
../tbb_2020.3/src/tbbmalloc/Statistics.h \
|
||||
../tbb_2020.3/src/tbbmalloc/large_objects.h \
|
||||
../tbb_2020.3/src/tbbmalloc/backend.h \
|
||||
../tbb_2020.3/src/tbb/tbb_environment.h
|
||||
Binary file not shown.
@ -0,0 +1 @@
|
||||
INPUT (libtbb.so.2)
|
||||
Binary file not shown.
@ -0,0 +1 @@
|
||||
INPUT (libtbbmalloc.so.2)
|
||||
Binary file not shown.
@ -0,0 +1 @@
|
||||
INPUT (libtbbmalloc_proxy.so.2)
|
||||
Binary file not shown.
@ -0,0 +1,59 @@
|
||||
market.o: ../tbb_2020.3/src/tbb/market.cpp \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/global_control.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h ../tbb_2020.3/src/tbb/market.h \
|
||||
../tbb_2020.3/src/tbb/scheduler_common.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h \
|
||||
../tbb_2020.3/include/tbb/cache_aligned_allocator.h \
|
||||
../tbb_2020.3/src/tbb/tbb_statistics.h ../tbb_2020.3/include/tbb/task.h \
|
||||
../tbb_2020.3/include/tbb/internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/internal/_tbb_strings.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/include/tbb/tbb_exception.h \
|
||||
../tbb_2020.3/include/tbb/tbb_allocator.h \
|
||||
../tbb_2020.3/include/tbb/spin_mutex.h \
|
||||
../tbb_2020.3/include/tbb/aligned_space.h \
|
||||
../tbb_2020.3/include/tbb/internal/_mutex_padding.h \
|
||||
../tbb_2020.3/include/tbb/internal/_x86_eliding_mutex_impl.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/spin_rw_mutex.h \
|
||||
../tbb_2020.3/include/tbb/internal/_x86_rtm_rw_mutex_impl.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/internal/../spin_rw_mutex.h \
|
||||
../tbb_2020.3/src/tbb/../rml/include/rml_tbb.h \
|
||||
../tbb_2020.3/src/tbb/../rml/include/rml_base.h \
|
||||
../tbb_2020.3/src/tbb/intrusive_list.h \
|
||||
../tbb_2020.3/include/tbb/internal/_template_helpers.h \
|
||||
../tbb_2020.3/src/tbb/tbb_main.h ../tbb_2020.3/src/tbb/governor.h \
|
||||
../tbb_2020.3/include/tbb/task_scheduler_init.h \
|
||||
../tbb_2020.3/src/tbb/tbb_misc.h ../tbb_2020.3/include/tbb/info.h \
|
||||
../tbb_2020.3/src/tbb/tls.h ../tbb_2020.3/src/tbb/cilk-tbb-interop.h \
|
||||
../tbb_2020.3/src/tbb/tbb_environment.h \
|
||||
../tbb_2020.3/src/tbb/scheduler.h ../tbb_2020.3/src/tbb/mailbox.h \
|
||||
../tbb_2020.3/src/tbb/itt_notify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/legacy/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/arena.h ../tbb_2020.3/src/tbb/task_stream.h \
|
||||
../tbb_2020.3/include/tbb/tbb_allocator.h \
|
||||
../tbb_2020.3/src/tbb/observer_proxy.h \
|
||||
../tbb_2020.3/include/tbb/task_scheduler_observer.h \
|
||||
../tbb_2020.3/include/tbb/task_arena.h ../tbb_2020.3/include/tbb/task.h \
|
||||
../tbb_2020.3/include/tbb/tbb_exception.h \
|
||||
../tbb_2020.3/include/tbb/internal/_template_helpers.h \
|
||||
../tbb_2020.3/include/tbb/info.h \
|
||||
../tbb_2020.3/include/tbb/aligned_space.h \
|
||||
../tbb_2020.3/src/tbb/concurrent_monitor.h \
|
||||
../tbb_2020.3/src/tbb/semaphore.h
|
||||
Binary file not shown.
@ -0,0 +1,28 @@
|
||||
mutex.o: ../tbb_2020.3/src/tbb/mutex.cpp \
|
||||
../tbb_2020.3/include/tbb/mutex.h \
|
||||
../tbb_2020.3/include/tbb/internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/aligned_space.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/include/tbb/tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/internal/_tbb_strings.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h ../tbb_2020.3/src/tbb/itt_notify.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/legacy/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/governor.h \
|
||||
../tbb_2020.3/include/tbb/task_scheduler_init.h \
|
||||
../tbb_2020.3/src/tbb/../rml/include/rml_tbb.h \
|
||||
../tbb_2020.3/src/tbb/../rml/include/rml_base.h \
|
||||
../tbb_2020.3/src/tbb/tbb_misc.h ../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h ../tbb_2020.3/include/tbb/info.h \
|
||||
../tbb_2020.3/src/tbb/tls.h ../tbb_2020.3/src/tbb/cilk-tbb-interop.h
|
||||
Binary file not shown.
@ -0,0 +1,58 @@
|
||||
observer_proxy.o: ../tbb_2020.3/src/tbb/observer_proxy.cpp \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/src/tbb/observer_proxy.h \
|
||||
../tbb_2020.3/src/tbb/scheduler_common.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h \
|
||||
../tbb_2020.3/include/tbb/cache_aligned_allocator.h \
|
||||
../tbb_2020.3/src/tbb/tbb_statistics.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h ../tbb_2020.3/include/tbb/task.h \
|
||||
../tbb_2020.3/include/tbb/internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/internal/_tbb_strings.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/include/tbb/tbb_exception.h \
|
||||
../tbb_2020.3/include/tbb/tbb_allocator.h \
|
||||
../tbb_2020.3/include/tbb/spin_mutex.h \
|
||||
../tbb_2020.3/include/tbb/aligned_space.h \
|
||||
../tbb_2020.3/include/tbb/internal/_mutex_padding.h \
|
||||
../tbb_2020.3/include/tbb/internal/_x86_eliding_mutex_impl.h \
|
||||
../tbb_2020.3/include/tbb/task_scheduler_observer.h \
|
||||
../tbb_2020.3/include/tbb/task_arena.h ../tbb_2020.3/include/tbb/task.h \
|
||||
../tbb_2020.3/include/tbb/tbb_exception.h \
|
||||
../tbb_2020.3/include/tbb/internal/_template_helpers.h \
|
||||
../tbb_2020.3/include/tbb/info.h \
|
||||
../tbb_2020.3/include/tbb/spin_rw_mutex.h \
|
||||
../tbb_2020.3/include/tbb/internal/_x86_rtm_rw_mutex_impl.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/internal/../spin_rw_mutex.h \
|
||||
../tbb_2020.3/include/tbb/aligned_space.h \
|
||||
../tbb_2020.3/src/tbb/tbb_main.h ../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/src/tbb/governor.h \
|
||||
../tbb_2020.3/include/tbb/task_scheduler_init.h \
|
||||
../tbb_2020.3/src/tbb/../rml/include/rml_tbb.h \
|
||||
../tbb_2020.3/src/tbb/../rml/include/rml_base.h \
|
||||
../tbb_2020.3/src/tbb/tbb_misc.h ../tbb_2020.3/include/tbb/info.h \
|
||||
../tbb_2020.3/src/tbb/tls.h ../tbb_2020.3/src/tbb/cilk-tbb-interop.h \
|
||||
../tbb_2020.3/src/tbb/tbb_environment.h \
|
||||
../tbb_2020.3/src/tbb/scheduler.h ../tbb_2020.3/src/tbb/mailbox.h \
|
||||
../tbb_2020.3/src/tbb/itt_notify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/legacy/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/intrusive_list.h \
|
||||
../tbb_2020.3/include/tbb/internal/_template_helpers.h \
|
||||
../tbb_2020.3/src/tbb/arena.h ../tbb_2020.3/src/tbb/task_stream.h \
|
||||
../tbb_2020.3/include/tbb/tbb_allocator.h ../tbb_2020.3/src/tbb/market.h \
|
||||
../tbb_2020.3/src/tbb/concurrent_monitor.h \
|
||||
../tbb_2020.3/src/tbb/semaphore.h
|
||||
Binary file not shown.
@ -0,0 +1,30 @@
|
||||
pipeline.o: ../tbb_2020.3/src/tbb/pipeline.cpp \
|
||||
../tbb_2020.3/include/tbb/pipeline.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/include/tbb/task.h \
|
||||
../tbb_2020.3/include/tbb/tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/internal/_tbb_strings.h \
|
||||
../tbb_2020.3/include/tbb/tbb_allocator.h \
|
||||
../tbb_2020.3/include/tbb/spin_mutex.h \
|
||||
../tbb_2020.3/include/tbb/aligned_space.h \
|
||||
../tbb_2020.3/include/tbb/internal/_mutex_padding.h \
|
||||
../tbb_2020.3/include/tbb/internal/_x86_eliding_mutex_impl.h \
|
||||
../tbb_2020.3/include/tbb/cache_aligned_allocator.h \
|
||||
../tbb_2020.3/src/tbb/itt_notify.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/legacy/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/semaphore.h ../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/src/tbb/tls.h
|
||||
Binary file not shown.
@ -0,0 +1,39 @@
|
||||
private_server.o: ../tbb_2020.3/src/tbb/private_server.cpp \
|
||||
../tbb_2020.3/src/tbb/../rml/include/rml_tbb.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/src/tbb/../rml/include/rml_base.h \
|
||||
../tbb_2020.3/src/tbb/../rml/server/thread_monitor.h \
|
||||
../tbb_2020.3/src/tbb/itt_notify.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/legacy/ittnotify.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/src/tbb/semaphore.h \
|
||||
../tbb_2020.3/include/tbb/cache_aligned_allocator.h \
|
||||
../tbb_2020.3/src/tbb/scheduler_common.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/src/tbb/tbb_statistics.h ../tbb_2020.3/include/tbb/task.h \
|
||||
../tbb_2020.3/include/tbb/tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/internal/_tbb_strings.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/tbb_exception.h \
|
||||
../tbb_2020.3/include/tbb/tbb_allocator.h \
|
||||
../tbb_2020.3/include/tbb/spin_mutex.h \
|
||||
../tbb_2020.3/include/tbb/aligned_space.h \
|
||||
../tbb_2020.3/include/tbb/internal/_mutex_padding.h \
|
||||
../tbb_2020.3/include/tbb/internal/_x86_eliding_mutex_impl.h \
|
||||
../tbb_2020.3/src/tbb/governor.h \
|
||||
../tbb_2020.3/include/tbb/task_scheduler_init.h \
|
||||
../tbb_2020.3/src/tbb/tbb_misc.h ../tbb_2020.3/include/tbb/info.h \
|
||||
../tbb_2020.3/src/tbb/tls.h ../tbb_2020.3/src/tbb/cilk-tbb-interop.h
|
||||
Binary file not shown.
@ -0,0 +1,12 @@
|
||||
proxy.o: ../tbb_2020.3/src/tbbmalloc/proxy.cpp \
|
||||
../tbb_2020.3/src/tbbmalloc/proxy.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/src/tbb/tbb_environment.h \
|
||||
../tbb_2020.3/src/tbbmalloc/Synchronize.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h
|
||||
Binary file not shown.
@ -0,0 +1,23 @@
|
||||
queuing_mutex.o: ../tbb_2020.3/src/tbb/queuing_mutex.cpp \
|
||||
../tbb_2020.3/include/tbb/queuing_mutex.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/include/tbb/tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/internal/_tbb_strings.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h ../tbb_2020.3/src/tbb/tbb_misc.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h ../tbb_2020.3/include/tbb/info.h \
|
||||
../tbb_2020.3/src/tbb/itt_notify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/legacy/ittnotify.h
|
||||
Binary file not shown.
@ -0,0 +1,22 @@
|
||||
queuing_rw_mutex.o: ../tbb_2020.3/src/tbb/queuing_rw_mutex.cpp \
|
||||
../tbb_2020.3/include/tbb/queuing_rw_mutex.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/include/tbb/tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/internal/_tbb_strings.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/src/tbb/itt_notify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/legacy/ittnotify.h
|
||||
Binary file not shown.
@ -0,0 +1,25 @@
|
||||
reader_writer_lock.o: ../tbb_2020.3/src/tbb/reader_writer_lock.cpp \
|
||||
../tbb_2020.3/include/tbb/reader_writer_lock.h \
|
||||
../tbb_2020.3/include/tbb/internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_thread.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/_tbb_hash_compare_impl.h \
|
||||
../tbb_2020.3/include/tbb/tick_count.h \
|
||||
../tbb_2020.3/include/tbb/tbb_allocator.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/tbb_exception.h \
|
||||
../tbb_2020.3/src/tbb/itt_notify.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/legacy/ittnotify.h
|
||||
Binary file not shown.
@ -0,0 +1,21 @@
|
||||
recursive_mutex.o: ../tbb_2020.3/src/tbb/recursive_mutex.cpp \
|
||||
../tbb_2020.3/include/tbb/recursive_mutex.h \
|
||||
../tbb_2020.3/include/tbb/internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/aligned_space.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/include/tbb/tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/internal/_tbb_strings.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h ../tbb_2020.3/src/tbb/itt_notify.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/legacy/ittnotify.h
|
||||
Binary file not shown.
@ -0,0 +1,8 @@
|
||||
rml_tbb.o: ../tbb_2020.3/src/rml/client/rml_tbb.cpp \
|
||||
../tbb_2020.3/src/rml/client/../include/rml_tbb.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/src/rml/client/../include/rml_base.h \
|
||||
../tbb_2020.3/src/tbb/dynamic_link.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/src/rml/client/rml_factory.h
|
||||
Binary file not shown.
@ -0,0 +1,59 @@
|
||||
scheduler.o: ../tbb_2020.3/src/tbb/scheduler.cpp \
|
||||
../tbb_2020.3/src/tbb/custom_scheduler.h \
|
||||
../tbb_2020.3/src/tbb/scheduler.h \
|
||||
../tbb_2020.3/src/tbb/scheduler_common.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h \
|
||||
../tbb_2020.3/include/tbb/cache_aligned_allocator.h \
|
||||
../tbb_2020.3/src/tbb/tbb_statistics.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h ../tbb_2020.3/include/tbb/task.h \
|
||||
../tbb_2020.3/include/tbb/internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/internal/_tbb_strings.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/include/tbb/tbb_exception.h \
|
||||
../tbb_2020.3/include/tbb/tbb_allocator.h \
|
||||
../tbb_2020.3/include/tbb/spin_mutex.h \
|
||||
../tbb_2020.3/include/tbb/aligned_space.h \
|
||||
../tbb_2020.3/include/tbb/internal/_mutex_padding.h \
|
||||
../tbb_2020.3/include/tbb/internal/_x86_eliding_mutex_impl.h \
|
||||
../tbb_2020.3/src/tbb/mailbox.h ../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/src/tbb/tbb_misc.h ../tbb_2020.3/include/tbb/info.h \
|
||||
../tbb_2020.3/src/tbb/itt_notify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/legacy/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/../rml/include/rml_tbb.h \
|
||||
../tbb_2020.3/src/tbb/../rml/include/rml_base.h \
|
||||
../tbb_2020.3/src/tbb/intrusive_list.h \
|
||||
../tbb_2020.3/include/tbb/internal/_template_helpers.h \
|
||||
../tbb_2020.3/src/tbb/cilk-tbb-interop.h ../tbb_2020.3/src/tbb/arena.h \
|
||||
../tbb_2020.3/src/tbb/task_stream.h \
|
||||
../tbb_2020.3/include/tbb/tbb_allocator.h \
|
||||
../tbb_2020.3/src/tbb/observer_proxy.h \
|
||||
../tbb_2020.3/include/tbb/task_scheduler_observer.h \
|
||||
../tbb_2020.3/include/tbb/task_arena.h ../tbb_2020.3/include/tbb/task.h \
|
||||
../tbb_2020.3/include/tbb/tbb_exception.h \
|
||||
../tbb_2020.3/include/tbb/internal/_template_helpers.h \
|
||||
../tbb_2020.3/include/tbb/info.h \
|
||||
../tbb_2020.3/include/tbb/spin_rw_mutex.h \
|
||||
../tbb_2020.3/include/tbb/internal/_x86_rtm_rw_mutex_impl.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/internal/../spin_rw_mutex.h \
|
||||
../tbb_2020.3/include/tbb/aligned_space.h ../tbb_2020.3/src/tbb/market.h \
|
||||
../tbb_2020.3/src/tbb/governor.h \
|
||||
../tbb_2020.3/include/tbb/task_scheduler_init.h \
|
||||
../tbb_2020.3/src/tbb/tls.h ../tbb_2020.3/src/tbb/concurrent_monitor.h \
|
||||
../tbb_2020.3/src/tbb/semaphore.h \
|
||||
../tbb_2020.3/src/tbb/scheduler_utility.h
|
||||
Binary file not shown.
@ -0,0 +1,15 @@
|
||||
semaphore.o: ../tbb_2020.3/src/tbb/semaphore.cpp \
|
||||
../tbb_2020.3/src/tbb/semaphore.h ../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h
|
||||
Binary file not shown.
@ -0,0 +1,27 @@
|
||||
spin_mutex.o: ../tbb_2020.3/src/tbb/spin_mutex.cpp \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h \
|
||||
../tbb_2020.3/include/tbb/spin_mutex.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/aligned_space.h \
|
||||
../tbb_2020.3/include/tbb/internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/include/tbb/tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/internal/_tbb_strings.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/internal/_mutex_padding.h \
|
||||
../tbb_2020.3/include/tbb/internal/_x86_eliding_mutex_impl.h \
|
||||
../tbb_2020.3/src/tbb/itt_notify.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/legacy/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/tbb_misc.h ../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/info.h
|
||||
Binary file not shown.
@ -0,0 +1,28 @@
|
||||
spin_rw_mutex.o: ../tbb_2020.3/src/tbb/spin_rw_mutex.cpp \
|
||||
../tbb_2020.3/include/tbb/spin_rw_mutex.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h \
|
||||
../tbb_2020.3/include/tbb/tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/internal/_tbb_strings.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/_mutex_padding.h \
|
||||
../tbb_2020.3/include/tbb/internal/_x86_rtm_rw_mutex_impl.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/internal/../spin_rw_mutex.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h ../tbb_2020.3/src/tbb/itt_notify.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/legacy/ittnotify.h
|
||||
Binary file not shown.
@ -0,0 +1,20 @@
|
||||
spin_rw_mutex_v2.o: ../tbb_2020.3/src/old/spin_rw_mutex_v2.cpp \
|
||||
../tbb_2020.3/src/old/spin_rw_mutex_v2.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h \
|
||||
../tbb_2020.3/src/old/../tbb/itt_notify.h \
|
||||
../tbb_2020.3/src/old/../tbb/tools_api/ittnotify.h \
|
||||
../tbb_2020.3/src/old/../tbb/tools_api/legacy/ittnotify.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_disable_notice.h
|
||||
Binary file not shown.
@ -0,0 +1,58 @@
|
||||
task.o: ../tbb_2020.3/src/tbb/task.cpp \
|
||||
../tbb_2020.3/src/tbb/scheduler_common.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h \
|
||||
../tbb_2020.3/include/tbb/cache_aligned_allocator.h \
|
||||
../tbb_2020.3/src/tbb/tbb_statistics.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h ../tbb_2020.3/include/tbb/task.h \
|
||||
../tbb_2020.3/include/tbb/internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/internal/_tbb_strings.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/include/tbb/tbb_exception.h \
|
||||
../tbb_2020.3/include/tbb/tbb_allocator.h \
|
||||
../tbb_2020.3/include/tbb/spin_mutex.h \
|
||||
../tbb_2020.3/include/tbb/aligned_space.h \
|
||||
../tbb_2020.3/include/tbb/internal/_mutex_padding.h \
|
||||
../tbb_2020.3/include/tbb/internal/_x86_eliding_mutex_impl.h \
|
||||
../tbb_2020.3/src/tbb/governor.h \
|
||||
../tbb_2020.3/include/tbb/task_scheduler_init.h \
|
||||
../tbb_2020.3/src/tbb/../rml/include/rml_tbb.h \
|
||||
../tbb_2020.3/src/tbb/../rml/include/rml_base.h \
|
||||
../tbb_2020.3/src/tbb/tbb_misc.h ../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/info.h ../tbb_2020.3/src/tbb/tls.h \
|
||||
../tbb_2020.3/src/tbb/cilk-tbb-interop.h \
|
||||
../tbb_2020.3/src/tbb/scheduler.h ../tbb_2020.3/src/tbb/mailbox.h \
|
||||
../tbb_2020.3/src/tbb/itt_notify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/legacy/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/intrusive_list.h \
|
||||
../tbb_2020.3/include/tbb/internal/_template_helpers.h \
|
||||
../tbb_2020.3/src/tbb/arena.h ../tbb_2020.3/src/tbb/task_stream.h \
|
||||
../tbb_2020.3/include/tbb/tbb_allocator.h \
|
||||
../tbb_2020.3/src/tbb/observer_proxy.h \
|
||||
../tbb_2020.3/include/tbb/task_scheduler_observer.h \
|
||||
../tbb_2020.3/include/tbb/task_arena.h ../tbb_2020.3/include/tbb/task.h \
|
||||
../tbb_2020.3/include/tbb/tbb_exception.h \
|
||||
../tbb_2020.3/include/tbb/internal/_template_helpers.h \
|
||||
../tbb_2020.3/include/tbb/info.h \
|
||||
../tbb_2020.3/include/tbb/spin_rw_mutex.h \
|
||||
../tbb_2020.3/include/tbb/internal/_x86_rtm_rw_mutex_impl.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/internal/../spin_rw_mutex.h \
|
||||
../tbb_2020.3/include/tbb/aligned_space.h ../tbb_2020.3/src/tbb/market.h \
|
||||
../tbb_2020.3/src/tbb/concurrent_monitor.h \
|
||||
../tbb_2020.3/src/tbb/semaphore.h \
|
||||
../tbb_2020.3/include/tbb/partitioner.h
|
||||
Binary file not shown.
@ -0,0 +1,57 @@
|
||||
task_group_context.o: ../tbb_2020.3/src/tbb/task_group_context.cpp \
|
||||
../tbb_2020.3/src/tbb/scheduler.h \
|
||||
../tbb_2020.3/src/tbb/scheduler_common.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h \
|
||||
../tbb_2020.3/include/tbb/cache_aligned_allocator.h \
|
||||
../tbb_2020.3/src/tbb/tbb_statistics.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h ../tbb_2020.3/include/tbb/task.h \
|
||||
../tbb_2020.3/include/tbb/internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/internal/_tbb_strings.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_disable_notice.h \
|
||||
../tbb_2020.3/include/tbb/tbb_exception.h \
|
||||
../tbb_2020.3/include/tbb/tbb_allocator.h \
|
||||
../tbb_2020.3/include/tbb/spin_mutex.h \
|
||||
../tbb_2020.3/include/tbb/aligned_space.h \
|
||||
../tbb_2020.3/include/tbb/internal/_mutex_padding.h \
|
||||
../tbb_2020.3/include/tbb/internal/_x86_eliding_mutex_impl.h \
|
||||
../tbb_2020.3/src/tbb/mailbox.h ../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/src/tbb/tbb_misc.h ../tbb_2020.3/include/tbb/info.h \
|
||||
../tbb_2020.3/src/tbb/itt_notify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/tools_api/legacy/ittnotify.h \
|
||||
../tbb_2020.3/src/tbb/../rml/include/rml_tbb.h \
|
||||
../tbb_2020.3/src/tbb/../rml/include/rml_base.h \
|
||||
../tbb_2020.3/src/tbb/intrusive_list.h \
|
||||
../tbb_2020.3/include/tbb/internal/_template_helpers.h \
|
||||
../tbb_2020.3/src/tbb/cilk-tbb-interop.h ../tbb_2020.3/src/tbb/arena.h \
|
||||
../tbb_2020.3/src/tbb/task_stream.h \
|
||||
../tbb_2020.3/include/tbb/tbb_allocator.h \
|
||||
../tbb_2020.3/src/tbb/observer_proxy.h \
|
||||
../tbb_2020.3/include/tbb/task_scheduler_observer.h \
|
||||
../tbb_2020.3/include/tbb/task_arena.h ../tbb_2020.3/include/tbb/task.h \
|
||||
../tbb_2020.3/include/tbb/tbb_exception.h \
|
||||
../tbb_2020.3/include/tbb/internal/_template_helpers.h \
|
||||
../tbb_2020.3/include/tbb/info.h \
|
||||
../tbb_2020.3/include/tbb/spin_rw_mutex.h \
|
||||
../tbb_2020.3/include/tbb/internal/_x86_rtm_rw_mutex_impl.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/internal/../spin_rw_mutex.h \
|
||||
../tbb_2020.3/include/tbb/aligned_space.h ../tbb_2020.3/src/tbb/market.h \
|
||||
../tbb_2020.3/src/tbb/governor.h \
|
||||
../tbb_2020.3/include/tbb/task_scheduler_init.h \
|
||||
../tbb_2020.3/src/tbb/tls.h ../tbb_2020.3/src/tbb/concurrent_monitor.h \
|
||||
../tbb_2020.3/src/tbb/semaphore.h
|
||||
Binary file not shown.
@ -0,0 +1,17 @@
|
||||
task_v2.o: ../tbb_2020.3/src/old/task_v2.cpp \
|
||||
../tbb_2020.3/include/tbb/task.h \
|
||||
../tbb_2020.3/include/tbb/internal/_deprecated_header_message_guard.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_enable_notice.h \
|
||||
../tbb_2020.3/include/tbb/internal/../tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_stddef.h \
|
||||
../tbb_2020.3/include/tbb/tbb_config.h \
|
||||
../tbb_2020.3/include/tbb/tbb_machine.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_generic.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_ia32_common.h \
|
||||
../tbb_2020.3/include/tbb/machine/gcc_itsx.h \
|
||||
../tbb_2020.3/include/tbb/machine/linux_common.h \
|
||||
../tbb_2020.3/include/tbb/tbb_profiling.h \
|
||||
../tbb_2020.3/include/tbb/internal/_tbb_strings.h \
|
||||
../tbb_2020.3/include/tbb/atomic.h \
|
||||
../tbb_2020.3/include/tbb/internal/_warning_suppress_disable_notice.h
|
||||
Some files were not shown because too many files have changed in this diff Show More
Reference in New Issue
Block a user