예제 #1
0
    def register_app(self, theapp):
        @theapp.callback([ServersideOutput(self.main_store.id, 'data')],
                         [Trigger(self.trigger_interval.id, 'n_intervals')])
        def _update_main_store():
            print(f"EiaAccess._update_main_store")
            df = pd.read_csv(self.input_pet_file)
            return df

        @theapp.callback([
            Output(self.data_dt.id, 'data'),
            Output(self.data_dt.id, 'columns')
        ], [
            Input(self.main_store.id, 'data'),
            Input(self.num_displayable_columns.id, 'value'),
            Input(self.eia_cat_div.dropdowns_store.id, 'data')
        ])
        def _populate_data_dt(df_main_store_data, num_displayable_columns,
                              dropdowns_store):

            print(
                f"EiaAccess._populate_data_dt number of columns:{len(df_main_store_data.columns.values)}"
            )
            if dropdowns_store is None:
                columns = df_main_store_data.columns.values[:
                                                            num_displayable_columns]
            else:
                padd_name = dropdowns_store['padd_name']
                padd_location = None  #dropdowns_store['padd_location']
                padd_production_type = dropdowns_store['padd_production_type']
                padd_fuel_type = dropdowns_store['padd_fuel_type']
                gas_price_region = dropdowns_store['gas_price_region']
                gas_price_gas_type = dropdowns_store['gas_price_gas_type']
                gas_price_grade = dropdowns_store['gas_price_grade']

                df_cols = self.eia_cat_div.eia_categories.get_column_set(
                    padd_name, padd_location, padd_production_type,
                    padd_fuel_type, gas_price_region, gas_price_gas_type,
                    gas_price_grade)
                columns = list(set(['date'] + list(df_cols.col.values)))
                # make date the first column
                columns = ['date'] + [c for c in columns if c != 'date']
                columns = columns[:num_displayable_columns]

            df_ret = df_main_store_data[columns]
            ret_columns = [{'label': c, 'id': c} for c in columns]

            dict_ret = df_ret.to_dict('records')
            return dict_ret, ret_columns

        self.eia_cat_div.register_app(theapp)
        self.logger.info('registered eia_access')
예제 #2
0
    def _save_to_dat_callback(
            self, graph_id,
            datnum_id):  # FIXME: This is dat specific... should not be in here
        def save_to_dat(clicks, fig, datnum, save_name):
            if clicks and datnum and fig:
                dat = get_dat(datnum)
                fig = go.Figure(fig)
                if not save_name:
                    save_name = fig.layout.title.text
                    if not save_name:
                        save_name = dat.Figures._generate_fig_name(
                            fig, overwrite=False)
                dat.Figures.save_fig(fig,
                                     save_name,
                                     sub_group_name='Dash',
                                     overwrite=True)
                return True
            else:
                raise PreventUpdate

        app.callback(Output(f'{graph_id}_div-fake-output', 'hidden'),
                     Input(f'{graph_id}_but-dat-save', 'n_clicks'),
                     State(graph_id, 'figure'), State(datnum_id, 'value'),
                     State(f'{graph_id}_inp-download-name',
                           'value'))(save_to_dat)
def make_callback(out_id, in_id):
    @app.callback(Output(out_id, "children"),
                  Input(in_id, "n_clicks"),
                  prevent_initial_call=True)
    def func(n_clicks):
        time.sleep(1)
        return f"{in_id} ({n_clicks})"
예제 #4
0
    def register_app(self, theapp):
        if self.parent_dropdown is None:
            return

        @theapp.callback(Output(self.id, 'options'), [
            Input(self.parent_dropdown.id, 'value'),
            Input(self.parent_dropdown.id, 'options')
        ])
        def _choose_options(parent_value, parent_options):
            if type(parent_value) != list:
                parent_value = [parent_value]
            child_options = [
                po for po in parent_options if po['value'] not in parent_value
            ]
            return child_options
예제 #5
0
    def _save_to_shared_callback(self, graph_id):
        def save_to_file(clicks, fig, save_name):
            if clicks and fig:
                if not save_name:
                    save_name = dictor(fig, 'layout.title.text',
                                       NameResetter().get_resetting_fig_name())
                SharedFigs().add_fig(save_name, fig)
                return True
            else:
                raise PreventUpdate

        app.callback(Output(f'{graph_id}_div-fake-output2', 'hidden'),
                     Input(f'{graph_id}_but-shared-save', 'n_clicks'),
                     State(graph_id, 'figure'),
                     State(f'{graph_id}_inp-download-name',
                           'value'))(save_to_file)
예제 #6
0
    def register_app(self, theapp):
        @theapp.callback(Output(self.dropdowns_store.id, 'data'),
                         [Input(dd.id, 'value') for dd in self.dd_children])
        def _update_dropdowns_store(*arg):
            #             print(f'EiaCategoriesDiv._update_dropdowns_store args:{arg}')
            self.logger.info(
                f'EiaCategoriesDiv._update_dropdowns_store args:{arg}')
            dropdowns_store_data = {}
            id_first_part = self._mkid(f'options_')
            for i in range(len(self.dd_children)):
                this_category = re.split(id_first_part,
                                         self.dd_children[i].id)[-1]
                this_value = arg[i]
                dropdowns_store_data[this_category] = this_value

            return dropdowns_store_data
예제 #7
0
    def register_app(self, theapp):
        @theapp.callback(Output(self.pd_dd_list[0].id, 'options'),
                         [Input(self.init_values_source.id, 'data')])
        def _update_first_dropdown(dict_df):
            if dict_df is None or len(dict_df) <= 0:
                raise PreventUpdate(
                    "progressive_dropdowns._init_all_dropdowns no data")
            df = pd.DataFrame(dict_df).iloc[:1]
            cols = df.columns.values
            initial_parent_options = [{'label': c, 'value': c} for c in cols]
            print('initial_parent_options')
            print(initial_parent_options)
            return initial_parent_options

        for prog_dd in self.pd_dd_list:
            prog_dd.register_app(theapp)
예제 #8
0
    def make_callback(self,
                      inputs: Union[List[CALLBACK_TYPE], CALLBACK_TYPE] = None,
                      outputs: Union[List[CALLBACK_TYPE],
                                     CALLBACK_TYPE] = None,
                      func: Callable = None,
                      states: Union[List[CALLBACK_TYPE], CALLBACK_TYPE] = None,
                      triggers: Union[List[CALLBACK_TYPE],
                                      CALLBACK_TYPE] = None):
        """
        Helper function for attaching callbacks more easily

        Args:
            inputs (List[CALLBACK_TYPE]): The tuples that would go into dash.dependencies.Input() (i.e. (<id>, <property>)
            outputs (List[CALLBACK_TYPE]): Similar, (<id>, <property>)
            states (List[CALLBACK_TYPE]): Similar, (<id>, <property>)
            func (Callable): The function to wrap with the callback (make sure it takes the right number of inputs in order and returns the right number of outputs in order)
            triggers (): Triggers callback but is not passed to function

        Returns:

        """
        def ensure_list(val) -> List[CALLBACK_TYPE]:
            if isinstance(val, tuple):
                return [val]
            elif val is None:
                return []
            elif isinstance(val, list):
                return val
            else:
                raise TypeError(f'{val} is not valid')

        if inputs is None and triggers is None:
            raise ValueError(
                f"Can't have both inputs and triggers set as None... "
                f"\n{inputs, triggers, outputs, states}")

        inputs, outputs, states, triggers = [
            ensure_list(v) for v in [inputs, outputs, states, triggers]
        ]

        Inputs = [Input(*inp) for inp in inputs]
        Outputs = [Output(*out) for out in outputs]
        States = [State(*s) for s in states]
        app.callback(*Outputs, *Inputs, *States)(func)  # Makes callback here
예제 #9
0
    def _download_callback(self, graph_id, file_type: str):
        """https://pypi.org/project/dash-extensions/"""
        def make_file(n_clicks, fig: dict, filename: str):
            if n_clicks:
                fig = go.Figure(fig)
                if not filename:
                    filename = fig.layout.title.text
                    if not filename:
                        filename = 'DashFigure'

                fname = filename + f'.{file_type}'
                bytes_ = False
                if file_type == 'html':
                    data = fig.to_html()
                    mtype = 'text/html'
                elif file_type == 'jpg':
                    fig.write_image('temp/dash_temp.jpg', format='jpg')
                    return send_file('temp/dash_temp.jpg',
                                     filename=fname,
                                     mime_type='image/jpg')
                elif file_type == 'svg':
                    fig.write_image('temp/dash_temp.svg', format='svg')
                    return send_file('temp/dash_temp.svg', fname,
                                     'image/svg+xml')
                else:
                    raise ValueError(f'{file_type} not supported')

                return dict(content=data,
                            filename=fname,
                            mimetype=mtype,
                            byte=bytes_)
            else:
                raise PreventUpdate

        if file_type not in ['html', 'jpg', 'svg']:
            raise ValueError(f'{file_type} not supported')

        dl_id = f'{graph_id}_download-{file_type}'
        but_id = f'{graph_id}_but-{file_type}-download'
        name_id = f'{graph_id}_inp-download-name'
        app.callback(Output(dl_id, 'data'), Input(but_id, 'n_clicks'),
                     State(graph_id, 'figure'), State(name_id,
                                                      'value'))(make_file)
예제 #10
0
    def __define_callback_set(self,
                              input_element_id_prop: list,
                              output_elements_id_prop: list = []):

        callback_set_outputs = [
            Output(component_id=component_id,
                   component_property=component_prop)
            for component_id, component_prop in output_elements_id_prop
        ]

        callback_set_input = [
            Input(component_id=component_id, component_property=component_prop)
            for component_id, component_prop in input_element_id_prop
        ]

        callback_set = [
            x for x in [callback_set_outputs, callback_set_input] if len(x) > 0
        ]

        return callback_set
예제 #11
0
from dash_extensions.enrich import Dash
from flask import Flask
import dash_html_components as html

from dash.dependencies import ALL, MATCH
from dash_extensions.enrich import Input, Output

fapp = Flask(__name__)
app = Dash(__name__, server=fapp)
app.suppress_callback_exceptions = True


@app.callback(Output("all", "children"),
              Input(dict(type="btn", id=ALL), "n_clicks"), group="A")
def all(args):
    print("ALL")
    return args


@app.callback(Output(dict(type="MATCH", id=MATCH), "children"),
              Input(dict(type="btn", id=MATCH), "n_clicks"), group="C")
def match(args):
    print("MATCH")
    return args


ids = [1, 2, 3]
app.layout = html.Div(
    [html.Button(f"Button{id}", id=dict(type="btn", id=id)) for id in ids] +
    [html.Div(children="ALL"), html.Div(id="all", children="all")] +
    [html.Div(children="MATCH")] +
app = Dash(prevent_initial_callbacks=True)
app.layout = html.Div([
    html.Button("Query data", id="btn"),
    dcc.Dropdown(id="dd"),
    dcc.Graph(id="graph"),
    dcc.Loading(dcc.Store(id='store'), fullscreen=True, type="dot")
])


@app.callback(ServersideOutput("store", "data"), Input("btn", "n_clicks"))
def query_data(n_clicks):
    time.sleep(1)
    return px.data.gapminder()  # no JSON serialization here


@app.callback(Input("store", "data"), Output("dd", "options"))
def update_dd(df):
    return [{
        "label": column,
        "value": column
    } for column in df["year"]]  # no JSON de-serialization here


@app.callback(
    Output("graph", "figure"),
    [Input("dd", "value"), State("store", "data")])
def update_graph(value, df):
    df = df.query("year == {}".format(value))  # no JSON de-serialization here
    return px.sunburst(df,
                       path=['continent', 'country'],
                       values='pop',
예제 #13
0
app.layout = html.Div([
    # User input (how many second to nap).
    dcc.Input(id="nap-duration", type="number", min=0, max=10, value=1),
    # Button for launching async job (a nap).
    html.Button(id="btn-run", children="Take a nap"),
    # Container for storing the result of the async job.
    html.Div(id="div-result"),
    # Container for storing a reference to the async job.
    dcc.Store(id="result-tuple"),
    # Interval component for polling updates on the status of the async job.
    dcc.Interval(id="poller", max_intervals=0),
])


@app.callback([
    Output("btn-run", "disabled"),
    Output("btn-run", "children"),
    Output("result-tuple", "data"),
    Output("poller", "max_intervals")
], [Input("btn-run", "n_clicks")], [State("nap-duration", "value")])
def launch_job(n_clicks, value):
    # Run the job asynchronously (note the .delay syntax).
    result = take_a_nap.delay(value)
    # Disable button and set text (or start a spinner, etc.), save result reference, and start polling.
    return True, "Napping...", result.as_tuple(), -1


@app.callback([
    Output("btn-run", "disabled"),
    Output("btn-run", "children"),
    Output("div-result", "children"),
예제 #14
0
def callbacks(app):
    @app.callback(Output("output", "children"), [Input("input", "value")])
    def hello(value):
        return f"MODULE says: Hello {value}!"
예제 #15
0
                                            step=1,
                                            updatemode='drag'),
                                    ],
                                    className="pretty_container eleven columns",
                                ),
                            ],
                                     className='container-display'),
                            html.Div(id='sub-network'),
                        ]),  # end tab3
            ],
            style={'font-size': '150%'},
        ),  # end main tabs
    ])


@app.callback(Output('filtered-accuracy-scatter', 'figure'), [
    Input('filtered-occurrences-scatter', 'clickData'),
    Input('prog-len-filter-slider', 'value'),
    Input('filtered-result-store', 'data'),
    Input('ori-df-store', 'data')
])
def update_model_accuracy_graph(click_data, prog_len, result_data, ori_df):
    names = ResultProcessing.read_dataset_names(ori_df)
    if click_data is not None:
        result_data.calculate_featureList_and_calcvariableList()
        feature_num = int(click_data['points'][0]['x']
                          [1:])  # extract feature index data from click
        m_index = result_data.get_index_of_models_given_feature_and_length(
            feature_num, prog_len)
        testing_acc = [
            result_data.model_list[i].testingAccuracy for i in m_index
import time
import dash_html_components as html
import dash_core_components as dcc
from dash_extensions.enrich import Output, DashProxy, Input, MultiplexerTransform

proxy_container = dcc.Loading()
app = DashProxy(transforms=[MultiplexerTransform(proxy_location=proxy_container)])
app.layout = html.Div([html.Button("left", id="left", n_clicks=0),
                       html.Button("right", id="right", n_clicks=0),
                       html.Div("Initial value", id="log"), proxy_container])


@app.callback(Output("log", "children"), Input("left", "n_clicks"))
def left(n_clicks):
    time.sleep(2)
    return f"left ({n_clicks})"


@app.callback(Output("log", "children"), Input("right", "n_clicks"), prevent_initial_call=True)
def right(n_clicks):
    time.sleep(2)
    return f"right ({n_clicks})"


if __name__ == '__main__':
    app.run_server(port=7777)
예제 #17
0
def add_dash(app):

    @du.callback(
        output=Output(f'{APP_ID}_large_upload_fn_store', 'data'),
        id=f'{APP_ID}_large_upload',
    )
    def get_a_list(filenames):
        return {i: filenames[i] for i in range(len(filenames))}


    @app.callback(
        Output(f'{APP_ID}_process_data_button', 'disabled'),
        [
            Input(f'{APP_ID}_large_upload_fn_store', 'data'),
            Input(f'{APP_ID}_dcc_upload', 'contents')
        ],
        [
            State(f'{APP_ID}_dcc_upload', 'filename')
        ]
    )
    def upload_data(dic_of_names, list_contents, list_names):
        # who done it?
        ctx = dash.callback_context
        if not ctx.triggered:
            raise PreventUpdate

        if dic_of_names is None and list_contents is None:
            return True

        lines = []
        # dcc.upload component
        if ctx.triggered[0]['prop_id'].split('.')[0] == f'{APP_ID}_dcc_upload':
            for i, fn in enumerate(list_names):
                content_type, content_string = list_contents[i].split(',')
                decoded = base64.b64decode(content_string)
                line = ''
                while line.strip() == '':
                    line = io.StringIO(decoded.decode('utf-8')).readline()
                lines.append(line)
        # dash-uploader component
        elif ctx.triggered[0]['prop_id'].split('.')[0] == f'{APP_ID}_large_upload_fn_store':
            for k in dic_of_names.keys():
                fn = dic_of_names[k]
                with open(fn) as f:
                    while True:
                        line = next(f)
                        if line.strip() != '':
                            break
                lines.append(line)

        else:
            return True

        return False


    @app.callback(
        [
            ServersideOutput(f'{APP_ID}_session_store', 'data'),
            Output(f'{APP_ID}_xaxis_select', 'options'),
            Output(f'{APP_ID}_yaxis_select', 'options'),
        ],
        [
            Input(f'{APP_ID}_process_data_button', 'n_clicks'),
        ],
        [
            State(f'{APP_ID}_large_upload_fn_store', 'data'),
            State(f'{APP_ID}_dcc_upload', 'contents'),
            State(f'{APP_ID}_dcc_upload', 'filename')
        ]
    )
    def process_data(n_clicks, dic_of_names, list_contents, list_names):
        if n_clicks is None:
            raise PreventUpdate

        if dic_of_names is None and list_contents is None:
            return [{}], None, None

        dfs = []
        if list_names is not None:
            for i, fn in enumerate(list_names):
                content_type, content_string = list_contents[i].split(',')
                decoded = base64.b64decode(content_string)
                # with open(decoded, 'rb') as f:
                lines = [l for l in io.StringIO(decoded.decode('utf-8')).readlines() if l.strip() != '']
                df = pd.read_json('[' + ','.join(lines) + ']', orient='records')
                df['fn'] = fn
                dfs.append(df)
        else:
            for k in dic_of_names.keys():
                fn = dic_of_names[k]
                with open(fn) as f:
                    lines = [l for l in f.readlines() if l.strip() != '']
                df = pd.read_json('[' + ','.join(lines) + ']', orient='records')
                df['fn'] = Path(fn).stem
                dfs.append(df)
        df = pd.concat(dfs, axis=0, ignore_index=True, sort=True)

        cols = df.columns
        cols_axes = [{'label': c, 'value': c} for c in cols]

        return df, cols_axes, cols_axes


    @app.callback(
        Output(f'{APP_ID}_graph_div', 'children'),
        [
            Input(f'{APP_ID}_xaxis_select', 'value'),
            Input(f'{APP_ID}_yaxis_select', 'value'),
        ],
        [
            State(f'{APP_ID}_session_store', 'data'),
        ]
    )
    def plot_data(xaxis, yaxis, df):
        if df is None:
            return [dbc.Alert('Upload & Process Data', color='primary')]
        if xaxis is None:
            return [dbc.Alert('Select x axis data', color='primary')]
        if yaxis is None:
            return [dbc.Alert('Select y axis data', color='primary')]

        if xaxis not in df.columns:
            return [dbc.Alert('x axis not in columns', color='danger')]
        if yaxis not in df.columns:
            return [dbc.Alert('y axis not in columns', color='danger')]

        fig = go.Figure()
        fig.update_layout(showlegend=True)
        for name, dfi in df.groupby('fn'):
            fig.add_trace(
                go.Scattergl(
                    x=dfi[xaxis].tail(200000),
                    y=dfi[yaxis].tail(200000),
                    name=name
                )
            )

        return [dcc.Graph(figure=fig, config={'modeBarButtonsToAdd':['drawline', 'drawrect', 'drawopenpath', 'eraseshape']})]

    return app
예제 #18
0
import dash_html_components as html
from dash_extensions.enrich import Output, Dash, Trigger

app = Dash(prevent_initial_callbacks=True)
app.layout = html.Div([html.Button("Click me", id="btn"), html.Div(id="log")])


@app.callback(Output("log", "children"), Trigger("btn", "n_clicks"))
def func():  # argument is omitted from the function
    return "You clicked the button"


if __name__ == '__main__':
    app.run_server()
예제 #19
0
 def navigation(self, app, content_id=CONTENT_ID, url_id=URL_ID):
     @app.callback(Output(content_id, "children"), [Input(url_id, "pathname")])
     def navigate_to(path):
         return self.navigate_to(path)
예제 #20
0
def add_dash(app):

    @du.callback(
        output=Output(f'{APP_ID}_large_upload_fn_store', 'data'),
        id=f'{APP_ID}_large_upload',
    )
    def get_a_list(filenames):
        return {i: filenames[i] for i in range(len(filenames))}


    @app.callback(
        [
            Output(f'{APP_ID}_process_video_button', 'disabled'),
            Output(f'{APP_ID}_t_start_input', 'value'),
            Output(f'{APP_ID}_t_end_input', 'value'),
            Output(f'{APP_ID}_vid_w_input', 'value')
        ],
        [
            Input(f'{APP_ID}_large_upload_fn_store', 'data'),
        ],
    )
    def upload_video(dic_of_names):
        if dic_of_names is None:
            return True, 0., None, None

        clip_1 = mpy.VideoFileClip(dic_of_names[list(dic_of_names)[0]])

        return False, 0., clip_1.duration, clip_1.size[0]


    @app.callback(
        Output(f'{APP_ID}_image_div', 'children'),
        [
            Input(f'{APP_ID}_font_select', 'value'),
            Input(f'{APP_ID}_vid_w_input', 'value'),
            Input(f'{APP_ID}_large_upload_fn_store', 'data'),
            Input(f'{APP_ID}_text_input', 'value'),
            Input(f'{APP_ID}_t_start_input', 'value'),
            Input(f'{APP_ID}_t_end_input', 'value'),
            Input(f'{APP_ID}_crop_bot_input', 'value'),
            Input(f'{APP_ID}_crop_top_input', 'value'),
        ],
    )
    def frame_out(font, video_width, dic_of_names, text, clip_1_start, clip_1_end, crop_bot, crop_top):
        if any([v is None for v in [font, video_width, dic_of_names, text, crop_bot, crop_top]]):
            raise PreventUpdate

        clip_1 = mpy.VideoFileClip(dic_of_names[list(dic_of_names)[0]])
        clip_1 = clip_1.fx(mpy.vfx.resize, width=video_width)
        clip_1 = clip_1.subclip(t_start=clip_1_start, t_end=clip_1_end)
        clip_1 = clip_1.fx(mpy.vfx.crop, y1=crop_top, y2=clip_1.size[1]-crop_bot)
        txt_clip = mpy.TextClip(text,
                           size=clip_1.size,
                           color='white',
                           bg_color='black',
                           font=font
                           ).set_duration(clip_1.duration)
        # for image export in memory using PIL (for base64 convert), need to apply mask manually
        f = clip_1.fx(mpy.vfx.resize, width=540).get_frame(t=0)
        mask = 255 * txt_clip.fx(mpy.vfx.resize, width=540).to_mask().get_frame(t=0)
        ff = np.dstack([f, mask]).astype('uint8')

        im = Image.fromarray(ff)
        rawBytes = io.BytesIO()
        im.save(rawBytes, "PNG")
        rawBytes.seek(0)

        return html.Img(src=f"data:image/PNG;base64, {b64encode(rawBytes.read()).decode('utf-8')}")



    @app.callback(
        [
            Output(f'{APP_ID}_video_div', 'children'),
            Output(f'{APP_ID}_download_link', 'href'),
            Output(f'{APP_ID}_download_button', 'disabled'),
         ],
        [
            Input(f'{APP_ID}_process_video_button', 'n_clicks'),
        ],
        [
            State(f'{APP_ID}_large_upload_fn_store', 'data'),
            State(f'{APP_ID}_t_start_input', 'value'),
            State(f'{APP_ID}_t_end_input', 'value'),
            State(f'{APP_ID}_vid_w_input', 'value'),
            State(f'{APP_ID}_text_input', 'value'),
            State(f'{APP_ID}_font_select', 'value'),
            State(f'{APP_ID}_crop_bot_input', 'value'),
            State(f'{APP_ID}_crop_top_input', 'value'),
        ]
    )
    def process_pre_video(n_clicks, dic_of_names, clip_1_start, clip_1_end, video_width, text, font, crop_bot, crop_top):
        if n_clicks is None:
            raise PreventUpdate

        if dic_of_names is None:
            return None

        if text is None:
            text = ''
        clip_1 = mpy.VideoFileClip(dic_of_names[list(dic_of_names)[0]])
        clip_1 = clip_1.fx(mpy.vfx.resize, width=video_width)
        clip_1 = clip_1.subclip(t_start=clip_1_start, t_end=clip_1_end)
        clip_1 = clip_1.fx(mpy.vfx.crop, y1=crop_top, y2=clip_1.size[1]-crop_bot)
        txt_clip = mpy.TextClip(text,
                           size=clip_1.size,
                           color='white',
                           bg_color='black',
                           font=font
                           ).set_duration(clip_1.duration)
        clip_1 = clip_1.set_mask(txt_clip.to_mask())

        ffname = Path("downloads") / f'{str(uuid.uuid4())}.mp4'
        Path.mkdir(ffname.parent, parents=True, exist_ok=True)
        cvc = mpy.CompositeVideoClip([clip_1], bg_color=(255, 255, 255))
        # preview video set to 540 width and 5 fps
        fn_pre = '.'.join(str(ffname).split('.')[:-1]) + 'preview_.webm'
        cvc.fx(mpy.vfx.resize, width=540).write_videofile(fn_pre, audio=False, fps=5)
        # write full deal
        cvc.write_videofile(str(ffname), audio=False, fps=clip_1.fps)

        vid = open(fn_pre, 'rb')
        base64_data = b64encode(vid.read())
        base64_string = base64_data.decode('utf-8')
        return [html.Video(src=f'data:video/webm;base64,{base64_string}', controls=True)], f'/{ffname}', False


    return app
예제 #21
0
def init_dashboard(server, login_reg=True):
    """Create a Plotly Dash dashboard."""

    # Meta tags for viewport responsiveness
    meta_viewport = {
        "name": "viewport",
        "content": "width=device-width, initial-scale=1, shrink-to-fit=no"
    }
    dash_app = dash.Dash(server=server,
                         url_base_pathname='/admin/dashboard/',
                         suppress_callback_exceptions=True,
                         external_stylesheets=[
                             "/static/css/styles.css",
                             "https://fonts.googleapis.com/css?family=Lato",
                         ],
                         meta_tags=[meta_viewport])

    df = create_dataframe()

    elements = build_nodes_edges_for_cytoscape(df)

    # Create Layout
    dash_app.layout = html.Div(
        children=[
            dcc.Dropdown(id='dropdown',
                         multi=True,
                         placeholder="Select user(s)"),
            html.Div(id='dd-output-container'),
            dcc.Graph(id="histogram-graph", config={'displayModeBar': False}),
            dcc.Interval(
                id='interval-component',
                interval=60 * 1000,  # in milliseconds
                n_intervals=0),
            cyto.Cytoscape(
                id='cytoscape-users-kinds',
                layout={
                    "title": "Actions Per User",
                    'name': 'cose'
                },
                style={
                    'width': '100%',
                    'height': '400px'
                },
                elements=elements,
                stylesheet=[
                    # Group selectors
                    {
                        'selector': 'node',
                        'style': {
                            'content': 'data(label)'
                        }
                    },
                    # Class selectors
                    {
                        'selector': '.blue',
                        'style': {
                            'background-color': 'blue',
                            'line-color': 'blue'
                        }
                    },
                    {
                        'selector': '.green',
                        'style': {
                            'background-color': 'green',
                            'line-color': 'green'
                        }
                    }
                ]),
            dash_table.DataTable(
                id="database-table",
                columns=[
                    {
                        "name": i,
                        "id": i
                    } for i in
                    ['id', 'created_on', 'session_id', 'user', 'kind', 'text']
                    # omit the id column
                    if i != 'id'
                ],
                style_table={'overflowX': 'auto'},
                style_cell_conditional=[
                    {
                        'if': {
                            'column_id': 'session_id'
                        },
                        'width': '20px'
                    },
                    {
                        'if': {
                            'column_id': 'kind'
                        },
                        'width': '20px'
                    },
                    {
                        'if': {
                            'column_id': 'user'
                        },
                        'width': '40px'
                    },
                ],
                style_cell={
                    'minWidth': '20px',
                    'width': '30px',
                    'maxWidth': '250px',
                    'whiteSpace': 'normal',
                },
                data=[],
                sort_action="native",
                sort_mode="multi",
                page_action="native",
                page_size=10,
                tooltip_data=[{
                    column: {
                        'value': str(value),
                        'type': 'markdown'
                    }
                    for column, value in row.items()
                } for row in (df.to_dict('records') if not df.empty else {})],
                tooltip_duration=None,
                css=[{
                    'selector':
                    '.dash-spreadsheet td div',
                    'rule':
                    '''
                    line-height: 15px;
                    max-height: 30px; min-height: 30px; height: 30px;
                    display: block;
                    overflow-y: hidden;
                '''
                }],
            ),
        ],
        id="dash-container",
    )

    #, prevent_initial_call=True
    @dash_app.callback([
        Output('histogram-graph', 'figure'),
        Output('cytoscape-users-kinds', 'elements'),
        Output('database-table', 'data')
    ], [Input('dropdown', 'value')], State('cytoscape-users-kinds',
                                           'elements'))
    def update_output(value, elements):
        #figure=get_histogram_kind_figure(df),
        df1 = create_dataframe()
        if df1.empty:
            raise PreventUpdate
        if value:
            val_lst = []
            if isinstance(value, list):
                val_lst = value
            else:
                val_lst.append(value)
            df1 = df1[df1["user"].isin(val_lst)]
            elements = build_nodes_edges_for_cytoscape(df1)

        fig = get_histogram_kind_figure(df1)

        return [fig, elements, df1.to_dict("records")]

    @dash_app.callback(Output("dropdown", "options"),
                       [Input("dropdown", "search_value")])
    def update_options(search_value):
        df = create_dataframe()
        if df.empty:
            raise PreventUpdate
            # return dash.no_update

        users_options = [{
            'label': i[0],
            'value': i[0]
        } for i in df.groupby("user")['user']]
        search_value = [users_options[0]['value'] if users_options else '']

        return users_options

    # @dash_app.callback(Output('dropdown', 'value'),[Input('dropdown', 'options')])
    # def set_users_value(available_options):
    #     if not available_options:
    #         raise PreventUpdate
    #     return available_options[0]['value'] if available_options else ''

    # @dash_app.callback(Output('database-table', 'data'), Input('interval-component', 'n_intervals'))
    # def query_df(n):
    #     return create_dataframe().to_dict("records")

    if login_reg:
        _protect_dashviews(dash_app)

    return dash_app.server
import dash_html_components as html
from dash_extensions.enrich import Output, Dash, Input

app = Dash(prevent_initial_callbacks=True)
app.layout = html.Div([html.Button("Click me", id="btn"), html.Div(id="log")])


@app.callback(Input("btn", "n_clicks"),
              Output("log",
                     "children"))  # inverted order of Output/Input is OK
def func(n_clicks):
    return f"Click count = {n_clicks}"


if __name__ == '__main__':
    app.run_server()
def register_callbacks(app, dcc):
    @app.callback(
        Output(component_id='stringency_index_show',
               component_property='children'),
        [Input(component_id='stringency_index', component_property='value')])
    def update_stringency_index(input_value):
        return 'Stringency Index: {}'.format(input_value)

    @app.callback(Output('social-indicators-scroll', 'style'),
                  [Input('input-switch', 'value')])
    def update_output(value):
        if not value:
            return {
                'maxHeight': '250px',
                'overflow': 'scroll',
                'display': 'block'
            }
        else:
            return {
                'maxHeight': '250px',
                'overflow': 'scroll',
                'display': 'none'
            }

    @app.callback(Output('stringency-slider-container', 'style'),
                  [Input('input-switch', 'value')])
    def update_output(value):
        if value:
            return {'display': 'block'}
        else:
            return {'display': 'none'}

    @app.callback([
        Output(component_id='left_co2', component_property='children'),
        Output(component_id='right_co2', component_property='children')
    ], [Input('submit_policy_selection', 'n_clicks')], [
        State('input-switch', 'value'),
        State('stringency_index', 'value'),
        State('school-closing', 'value'),
        State('workplace-closing', 'value'),
        State('public-events', 'value'),
        State('gatherings', 'value'),
        State('public-transport', 'value'),
        State('stay-home', 'value'),
        State('internal-movement', 'value'),
        State('international-travel', 'value'),
        State('country-dropdown', 'value')
    ])
    def submit_button_controller(n_clicks, input_switcher_state,
                                 stringency_idx, school_closing_score,
                                 workspace_closing_score, public_events_score,
                                 gathering_restrictions_score,
                                 public_transport_score, stay_home_score,
                                 internal_movement_score,
                                 international_travel_score, countries):
        if n_clicks > 0:
            parse_model_input = ParseModelInputs()
            parse_model_input.countries = countries
            if input_switcher_state:  # when the toggle button is on right(stringency slider is on display)
                parse_model_input.model_type = DataAnalysingModels.STRINGENCY_INDEX_MODEL
                parse_model_input.stringency_idx = float(stringency_idx)
            else:
                parse_model_input.model_type = DataAnalysingModels.SOCIAL_POLICY_MODEL
                parse_model_input.school_closing_score = int(
                    school_closing_score)
                parse_model_input.workspace_closing_score = int(
                    workspace_closing_score)
                parse_model_input.public_events_score = int(
                    public_events_score)
                parse_model_input.gathering_restrictions_score = int(
                    gathering_restrictions_score)
                parse_model_input.public_transport_score = int(
                    public_transport_score)
                parse_model_input.stay_home_score = int(stay_home_score)
                parse_model_input.internal_movement_score = int(
                    internal_movement_score)
                parse_model_input.international_travel_score = int(
                    international_travel_score)
            out = GenerateOutput(pred_steps=142)
            df = out.get_dataframe_for_plotting(parse_model_input, countries)
            fig1 = px.line(df,
                           x='Date',
                           y='MtCO2/day',
                           color='Country',
                           title="CO<sub>2</sub> Emission per day")
            fig1.update_layout(annotations=[
                dict(yref='paper',
                     y=1,
                     xref='x',
                     x=pd.to_datetime('2020-06-11'),
                     text='Forecasting from here')
            ],
                               shapes=[
                                   dict(type='line',
                                        yref='paper',
                                        y0=0,
                                        y1=1,
                                        xref='x',
                                        x0=pd.to_datetime('2020-06-11'),
                                        x1=pd.to_datetime('2020-06-11'),
                                        line=dict(dash="dot"))
                               ],
                               transition_duration=500)

            fig2 = px.line(df,
                           x='Date',
                           y='MtCO2 reduced/day',
                           color='Country',
                           title='Reduction in CO<sub>2</sub> '
                           'emission per day')
            fig2.update_layout(annotations=[
                dict(yref='paper',
                     y=1,
                     xref='x',
                     x=pd.to_datetime('2020-06-11'),
                     text='Forecasting from here')
            ],
                               shapes=[
                                   dict(type='line',
                                        yref='paper',
                                        y0=0,
                                        y1=1,
                                        xref='x',
                                        x0=pd.to_datetime('2020-06-11'),
                                        x1=pd.to_datetime('2020-06-11'),
                                        line=dict(dash="dot"))
                               ],
                               transition_duration=500)
            return [
                dcc.Graph(id='absolute-graph', figure=fig1),
                dcc.Graph(id='reduction-graph', figure=fig2)
            ]
        else:
            return [None, None]
예제 #24
0
def define_callbacks(ds):

    app = ds.app

    callbacks = [
        # Data cards
        {
            "inputs": [
                Input(id, prop)
                for id, prop in stacked_bar_district.callbacks[0].get("input")
            ],
            "outputs": [
                Output(id, prop)
                for id, prop in stacked_bar_district.callbacks[0].get("output")
            ],
            "function":
            stacked_bar_district.callbacks[0].get("func"),
        },
        {
            "inputs": [
                Input(id, prop)
                for id, prop in reporting_map_compare.callbacks[0].get("input")
            ],
            "outputs": [
                Output(id, prop) for id, prop in
                reporting_map_compare.callbacks[0].get("output")
            ],
            "function":
            reporting_map_compare.callbacks[0].get("func"),
            "group":
            "report-map-compare-agg-update",
        },
        {
            "inputs": [
                Input(id, prop)
                for id, prop in reporting_map_period.callbacks[0].get("input")
            ],
            "outputs": [
                Output(id, prop)
                for id, prop in reporting_map_period.callbacks[0].get("output")
            ],
            "function":
            reporting_map_period.callbacks[0].get("func"),
            "group":
            "report-map-period-agg-update",
        },
        {
            "inputs": [
                Input(id, prop) for id, prop in
                stacked_bar_reporting_country.callbacks[0].get("input")
            ],
            "outputs": [
                Output(id, prop) for id, prop in
                stacked_bar_reporting_country.callbacks[0].get("output")
            ],
            "function":
            stacked_bar_reporting_country.callbacks[0].get("func"),
        },
        # Global callbacks
        {
            "inputs": [Input(x, y) for (x, y) in callback_ids.items()],
            "outputs": [Output("ds-container", "children")],
            "function": global_story_callback,
        },
        # User interface
        {
            "inputs": [Input("side-nav__menu-button", "n_clicks")],
            "outputs": [
                Output("side-nav__menu-button", "style"),
                Output("side-nav__menu-button__bar1", "style"),
                Output("side-nav__menu-button__bar2", "style"),
                Output("side-nav__menu-button__bar3", "style"),
                Output("side-nav", "style"),
                Output("ds-wrapper", "className"),
            ],
            "function":
            menu_toggle_button,
        },
        {
            "inputs": [
                Input("trends", "n_clicks"),
                Input("reporting", "n_clicks"),
                Input("overview", "n_clicks"),
            ],
            "outputs": [
                Output("ds-paginator", "children"),
                Output("nav-buttons", "children"),
                Output("dash-title", "children"),
            ] +
            [Output(x + "_container", "className") for x in dropdown_style],
            "function":
            change_page,
        },
        {
            "inputs": [
                Input("main-info", "n_clicks"),
                Input("info-pane__close", "n_clicks")
            ],
            "outputs": [
                Output("info-pane", "is_open"),
            ],
            "states": [State("info-pane", "is_open")],
            "function":
            toggle_fade_info,
        },
        # N-click callbacks
        {
            "inputs":
            [Input(f"{tree_map_district.my_name}_figure", "clickData")],
            "outputs": [
                Output(f"{facility_scatter.my_name}_figure", "figure"),
                Output(f"{facility_scatter.my_name}_fig_title", "children"),
            ],
            "function":
            update_on_click,
        },
        # Dropdown callbacks
        {
            "inputs": [Input("trends-map-compare-agg-dropdown", "value")],
            "outputs": [
                Output(f"{trends_map_compare.my_name}_figure", "children"),
                Output(f"{trends_map_compare.my_name}_title", "children"),
            ],
            "function":
            update_trends_map_compare,
            "group":
            "trends-map-compare-agg-update",
        },
        {
            "inputs": [Input("trends-map-period-agg-dropdown", "value")],
            "outputs": [
                Output(f"{trends_map_period.my_name}_figure", "children"),
                Output(f"{trends_map_period.my_name}_title", "children"),
            ],
            "function":
            update_trends_map_period,
            "group":
            "trends-map-period-agg-update",
        },
        {
            "inputs": [Input("treemap-agg-dropdown", "value")],
            "outputs": [
                Output(f"{tree_map_district.my_name}_figure", "figure"),
                Output(f"{tree_map_district.my_name}_fig_title", "children"),
            ],
            "function":
            update_tree_map_district,
            "group":
            "treemap-agg-update",
        },
        {
            "inputs": [Input("report-map-compare-agg-dropdown", "value")],
            "outputs": [
                Output(f"{reporting_map_compare.my_name}_figure", "figure"),
                Output(f"{reporting_map_compare.my_name}_fig_title",
                       "children"),
            ],
            "function":
            update_report_map_compare,
            "group":
            "report-map-compare-agg-update",
        },
        {
            "inputs": [Input("report-map-period-agg-dropdown", "value")],
            "outputs": [
                Output(f"{reporting_map_period.my_name}_figure", "figure"),
                Output(f"{reporting_map_period.my_name}_fig_title",
                       "children"),
            ],
            "function":
            update_report_map_period,
            "group":
            "report-map-period-agg-update",
        },
    ]

    print("==Registering callbacks==")

    for callback in callbacks:
        # print(callback)

        params = {
            "output": callback.get("outputs", []),
            "inputs": callback.get("inputs", []),
            "state": callback.get("states", ()),
        }

        if callback.get("group"):
            params["group"] = callback.get("group")

        # print(params)

        app.callback(**params)(callback.get("function"))

    print("==Callbacks registered==")
예제 #25
0
#     ),
#     [
#         Output("spec", "extendData"),
#         Output("waterfall", "extendData"),
#     ],
#     [
#         Input("userClientStore", "data"), # output n_intervals, an int
#     ],
#     # State("userClientStore", "data"),
#     prevent_initial_call=True
# )


@app.callback(
    [
        Output("spec", "extendData"),
        Output("waterfall", "extendData"),
    ],
    [
        Trigger("update_gui", "n_intervals"),  # output n_intervals, an int
        # Input( userServerStore", "data"),
    ],
    State("userServerStore", "data"),
    prevent_initial_call=True)
def update_plots(userServerStore):
    if userServerStore == None:
        raise PreventUpdate

    updatedSpec = [{
        'y': [userServerStore['spec'][const.WATERFALL_HEIGHT - 1]],
        'x': [userServerStore['freqs']]
예제 #26
0
        fig.add_trace(go.Scatter(x=df.index, y=df[col]))
    return fig


def make_layout(tag):
    return [
        dcc.Graph(id=f"graph_{tag}"),
        html.Button(f"Update [{tag}]", id=f"btn_{tag}")
    ]


tags = ["default", "memoize", "prejson"]
memoize = dict(default=None, memoize=True, prejson=plotly_jsonify)
# Create dummy data.
df = pd.DataFrame(index=pd.date_range("2020-01", "2021-01", freq="H"),
                  columns=list("ABCDEFGHIJK"),
                  data=pd.np.nan)
df[:] = np.random.random(df.values.shape)
# Create example app.
app = Dash(prevent_initial_callbacks=True)
app.layout = html.Div(
    list(itertools.chain.from_iterable([make_layout(tag) for tag in tags])))
# Attach callbacks.
for t in tags:
    app.callback(Output(f"graph_{t}", "figure"),
                 Trigger(f"btn_{t}", "n_clicks"),
                 memoize=memoize[t])(make_figure)

if __name__ == '__main__':
    app.run_server(port=8877, debug=True)
예제 #27
0
import dash_html_components as html
from dash_extensions.enrich import Output, DashProxy, Input, MultiplexerTransform

app = DashProxy(prevent_initial_callbacks=True,
                transforms=[MultiplexerTransform()])
app.layout = html.Div([
    html.Button("left", id="left"),
    html.Button("right", id="right"),
    html.Div(id="log")
])


@app.callback(Output("log", "children"), Input("left", "n_clicks"))
def left(_):
    return "left"


@app.callback(Output("log", "children"), Input("right", "n_clicks"))
def right(_):
    return "right"


if __name__ == '__main__':
    app.run_server(debug=True, port=7777)
import dash_core_components as dcc
from dash_extensions.enrich import Output, DashProxy, Input, MultiplexerTransform

# Small example app.
proxy_container = dcc.Loading()
app = DashProxy(
    transforms=[MultiplexerTransform(proxy_location=proxy_container)])
app.layout = html.Div([
    html.Button("left", id="left", n_clicks=0),
    html.Button("right", id="right", n_clicks=0),
    html.Div("Initial value", id="log"), proxy_container
])
# Client side function.
f = "function(n_clicks){return 'left (' + n_clicks + ')';}"
app.clientside_callback(f,
                        Output("log", "children"),
                        Input("left", "n_clicks"),
                        prevent_initial_call=True)


@app.callback(Output("log", "children"),
              Input("right", "n_clicks"),
              prevent_initial_call=True)
def right(n_clicks):
    time.sleep(2)
    return f"right ({n_clicks})"


if __name__ == '__main__':
    app.run_server(port=7777, debug=True)
예제 #29
0
import dash_html_components as html
from dash_extensions.enrich import Output, Dash, Trigger

app = Dash(prevent_initial_callbacks=True)
app.layout = html.Div([
    html.Button("Left", id="left"), html.Button("Right", id="right"), html.Div(id="log"),
])


@app.callback(Output("log", "children"), Trigger("left", "n_clicks"), group="lr")  # targets same output as right
def left():
    return "left"


@app.callback(Output("log", "children"), Trigger("right", "n_clicks"), group="lr")  # targets same output as left
def right():
    return "right"


if __name__ == '__main__':
    app.run_server()

        return f"{in_id} ({n_clicks})"


def make_block(i):
    layout = [
        html.Button(f"left{i}", id=f"left{i}", n_clicks=0),
        html.Button(f"right{i}", id=f"right{i}", n_clicks=0),
        html.Div("Initial value", id=f"log{i}")
    ]
    make_callback(f"log{i}", f"left{i}")
    make_callback(f"log{i}", f"right{i}")
    return layout


# Setup custom proxy wrappers to achieve different loading screens.
proxy_wrapper_map = {
    Output("log0", "children"):
    lambda proxy: dcc.Loading(proxy, type="dot", fullscreen=True),
    Output("log1", "children"):
    lambda proxy: dcc.Loading(proxy, type="graph", fullscreen=True),
    Output("log2", "children"):
    lambda proxy: dcc.Loading(proxy, type="cube", fullscreen=True)
}
# Create example app.
app = DashProxy(
    transforms=[MultiplexerTransform(proxy_wrapper_map=proxy_wrapper_map)])
app.layout = html.Div(make_block(0) + make_block(1) + make_block(2))

if __name__ == '__main__':
    app.run_server(port=7778, debug=True)