`, visualizations specifier; currently available visualizations are:
- * `bbox` - bounding boxes of annotated persons;
- * `dp_i` - annotated points colored according to the containing part;
- * `dp_pts` - annotated points in green color;
- * `dp_segm` - segmentation masks for annotated persons;
- * `dp_u` - annotated points colored according to their U coordinate in part parameterization;
- * `dp_v` - annotated points colored according to their V coordinate in part parameterization;
-
-One can additionally provide one of the two optional arguments:
- - `--max_entries` to limit the maximum number of entries to visualize
- - `--output` to provide visualization file name template, which defaults
- to `output.png`. To distinguish file names for different dataset
- entries, the tool appends 1-based entry index to the output file name,
- e.g. output.0001.png, output.0002.png, etc.
-
-The following examples show how to output different visualizations for image with `id = 322`
-from `densepose_coco_2014_train` dataset:
-
-1. Show bounding box and segmentation:
-```bash
-python query_db.py show densepose_coco_2014_train image_id:int=322 bbox,dp_segm -v
-```
-
-
-2. Show bounding box and points colored according to the containing part:
-```bash
-python query_db.py show densepose_coco_2014_train image_id:int=322 bbox,dp_i -v
-```
-
-
-3. Show bounding box and annotated points in green color:
-```bash
-python query_db.py show densepose_coco_2014_train image_id:int=322 bbox,dp_segm -v
-```
-
-
-4. Show bounding box and annotated points colored according to their U coordinate in part parameterization:
-```bash
-python query_db.py show densepose_coco_2014_train image_id:int=322 bbox,dp_u -v
-```
-
-
-5. Show bounding box and annotated points colored according to their V coordinate in part parameterization:
-```bash
-python query_db.py show densepose_coco_2014_train image_id:int=322 bbox,dp_v -v
-```
-
-
-
diff --git a/spaces/chatFAQs/Gradio/app.py b/spaces/chatFAQs/Gradio/app.py
deleted file mode 100644
index 53dd78a87b5a1ffacc94d4fd5f296685a2de4985..0000000000000000000000000000000000000000
--- a/spaces/chatFAQs/Gradio/app.py
+++ /dev/null
@@ -1,55 +0,0 @@
-import os
-import openai
-import gradio as gr
-
-#if you have OpenAI API key as an environment variable, enable the below
-#openai.api_key = os.getenv("OPENAI_API_KEY")
-
-#if you have OpenAI API key as a string, enable the below
-openai.api_key = "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"
-
-start_sequence = "\nAI:"
-restart_sequence = "\nHuman: "
-
-prompt = "The following is a conversation with an AI assistant. The assistant is helpful, creative, clever, and very friendly.\n\nHuman: Hello, who are you?\nAI: I am an AI created by OpenAI. How can I help you today?\nHuman: "
-
-def openai_create(prompt):
-
- response = openai.Completion.create(
- model="text-davinci-003",
- prompt=prompt,
- temperature=0.9,
- max_tokens=150,
- top_p=1,
- frequency_penalty=0,
- presence_penalty=0.6,
- stop=[" Human:", " AI:"]
- )
-
- return response.choices[0].text
-
-
-
-def chatgpt_clone(input, history):
- history = history or []
- s = list(sum(history, ()))
- s.append(input)
- inp = ' '.join(s)
- output = openai_create(inp)
- history.append((input, output))
- return history, history
-
-
-block = gr.Blocks()
-
-
-with block:
- gr.Markdown("""Build Yo'own ChatGPT with OpenAI API & Gradio
- """)
- chatbot = gr.Chatbot()
- message = gr.Textbox(placeholder=prompt)
- state = gr.State()
- submit = gr.Button("SEND")
- submit.click(chatgpt_clone, inputs=[message, state], outputs=[chatbot, state])
-
-block.launch(debug = True,share=True)
\ No newline at end of file
diff --git a/spaces/chendl/compositional_test/transformers/examples/research_projects/movement-pruning/emmental/modules/binarizer.py b/spaces/chendl/compositional_test/transformers/examples/research_projects/movement-pruning/emmental/modules/binarizer.py
deleted file mode 100644
index b4a801d56d9de27da30d82d4c2f7b16f40a13ccd..0000000000000000000000000000000000000000
--- a/spaces/chendl/compositional_test/transformers/examples/research_projects/movement-pruning/emmental/modules/binarizer.py
+++ /dev/null
@@ -1,144 +0,0 @@
-# coding=utf-8
-# Copyright 2020-present, AllenAI Authors, University of Illinois Urbana-Champaign,
-# Intel Nervana Systems and the HuggingFace Inc. team.
-#
-# Licensed under the Apache License, Version 2.0 (the "License");
-# you may not use this file except in compliance with the License.
-# You may obtain a copy of the License at
-#
-# http://www.apache.org/licenses/LICENSE-2.0
-#
-# Unless required by applicable law or agreed to in writing, software
-# distributed under the License is distributed on an "AS IS" BASIS,
-# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
-# See the License for the specific language governing permissions and
-# limitations under the License.
-"""
-Binarizers take a (real value) matrix as input and produce a binary (values in {0,1}) mask of the same shape.
-"""
-
-import torch
-from torch import autograd
-
-
-class ThresholdBinarizer(autograd.Function):
- """
- Thresholdd binarizer.
- Computes a binary mask M from a real value matrix S such that `M_{i,j} = 1` if and only if `S_{i,j} > \tau`
- where `\tau` is a real value threshold.
-
- Implementation is inspired from:
- https://github.com/arunmallya/piggyback
- Piggyback: Adapting a Single Network to Multiple Tasks by Learning to Mask Weights
- Arun Mallya, Dillon Davis, Svetlana Lazebnik
- """
-
- @staticmethod
- def forward(ctx, inputs: torch.tensor, threshold: float, sigmoid: bool):
- """
- Args:
- inputs (`torch.FloatTensor`)
- The input matrix from which the binarizer computes the binary mask.
- threshold (`float`)
- The threshold value (in R).
- sigmoid (`bool`)
- If set to ``True``, we apply the sigmoid function to the `inputs` matrix before comparing to `threshold`.
- In this case, `threshold` should be a value between 0 and 1.
- Returns:
- mask (`torch.FloatTensor`)
- Binary matrix of the same size as `inputs` acting as a mask (1 - the associated weight is
- retained, 0 - the associated weight is pruned).
- """
- nb_elems = inputs.numel()
- nb_min = int(0.005 * nb_elems) + 1
- if sigmoid:
- mask = (torch.sigmoid(inputs) > threshold).type(inputs.type())
- else:
- mask = (inputs > threshold).type(inputs.type())
- if mask.sum() < nb_min:
- # We limit the pruning so that at least 0.5% (half a percent) of the weights are remaining
- k_threshold = inputs.flatten().kthvalue(max(nb_elems - nb_min, 1)).values
- mask = (inputs > k_threshold).type(inputs.type())
- return mask
-
- @staticmethod
- def backward(ctx, gradOutput):
- return gradOutput, None, None
-
-
-class TopKBinarizer(autograd.Function):
- """
- Top-k Binarizer.
- Computes a binary mask M from a real value matrix S such that `M_{i,j} = 1` if and only if `S_{i,j}`
- is among the k% highest values of S.
-
- Implementation is inspired from:
- https://github.com/allenai/hidden-networks
- What's hidden in a randomly weighted neural network?
- Vivek Ramanujan*, Mitchell Wortsman*, Aniruddha Kembhavi, Ali Farhadi, Mohammad Rastegari
- """
-
- @staticmethod
- def forward(ctx, inputs: torch.tensor, threshold: float):
- """
- Args:
- inputs (`torch.FloatTensor`)
- The input matrix from which the binarizer computes the binary mask.
- threshold (`float`)
- The percentage of weights to keep (the rest is pruned).
- `threshold` is a float between 0 and 1.
- Returns:
- mask (`torch.FloatTensor`)
- Binary matrix of the same size as `inputs` acting as a mask (1 - the associated weight is
- retained, 0 - the associated weight is pruned).
- """
- # Get the subnetwork by sorting the inputs and using the top threshold %
- mask = inputs.clone()
- _, idx = inputs.flatten().sort(descending=True)
- j = int(threshold * inputs.numel())
-
- # flat_out and mask access the same memory.
- flat_out = mask.flatten()
- flat_out[idx[j:]] = 0
- flat_out[idx[:j]] = 1
- return mask
-
- @staticmethod
- def backward(ctx, gradOutput):
- return gradOutput, None
-
-
-class MagnitudeBinarizer(object):
- """
- Magnitude Binarizer.
- Computes a binary mask M from a real value matrix S such that `M_{i,j} = 1` if and only if `S_{i,j}`
- is among the k% highest values of |S| (absolute value).
-
- Implementation is inspired from https://github.com/NervanaSystems/distiller/blob/2291fdcc2ea642a98d4e20629acb5a9e2e04b4e6/distiller/pruning/automated_gradual_pruner.py#L24
- """
-
- @staticmethod
- def apply(inputs: torch.tensor, threshold: float):
- """
- Args:
- inputs (`torch.FloatTensor`)
- The input matrix from which the binarizer computes the binary mask.
- This input marix is typically the weight matrix.
- threshold (`float`)
- The percentage of weights to keep (the rest is pruned).
- `threshold` is a float between 0 and 1.
- Returns:
- mask (`torch.FloatTensor`)
- Binary matrix of the same size as `inputs` acting as a mask (1 - the associated weight is
- retained, 0 - the associated weight is pruned).
- """
- # Get the subnetwork by sorting the inputs and using the top threshold %
- mask = inputs.clone()
- _, idx = inputs.abs().flatten().sort(descending=True)
- j = int(threshold * inputs.numel())
-
- # flat_out and mask access the same memory.
- flat_out = mask.flatten()
- flat_out[idx[j:]] = 0
- flat_out[idx[:j]] = 1
- return mask
diff --git a/spaces/chilge/Fushimi/preprocess_flist_config.py b/spaces/chilge/Fushimi/preprocess_flist_config.py
deleted file mode 100644
index 927dea890c0057063080b48edc6dd8c2588c6e27..0000000000000000000000000000000000000000
--- a/spaces/chilge/Fushimi/preprocess_flist_config.py
+++ /dev/null
@@ -1,117 +0,0 @@
-import os
-import argparse
-from tqdm import tqdm
-from random import shuffle
-import json
-config_template = {
- "train": {
- "log_interval": 200,
- "eval_interval": 1000,
- "seed": 1234,
- "epochs": 10000,
- "learning_rate": 2e-4,
- "betas": [0.8, 0.99],
- "eps": 1e-9,
- "batch_size": 12,
- "fp16_run": False,
- "lr_decay": 0.999875,
- "segment_size": 17920,
- "init_lr_ratio": 1,
- "warmup_epochs": 0,
- "c_mel": 45,
- "c_kl": 1.0,
- "use_sr": True,
- "max_speclen": 384,
- "port": "8001"
- },
- "data": {
- "training_files":"filelists/train.txt",
- "validation_files":"filelists/val.txt",
- "max_wav_value": 32768.0,
- "sampling_rate": 32000,
- "filter_length": 1280,
- "hop_length": 320,
- "win_length": 1280,
- "n_mel_channels": 80,
- "mel_fmin": 0.0,
- "mel_fmax": None
- },
- "model": {
- "inter_channels": 192,
- "hidden_channels": 192,
- "filter_channels": 768,
- "n_heads": 2,
- "n_layers": 6,
- "kernel_size": 3,
- "p_dropout": 0.1,
- "resblock": "1",
- "resblock_kernel_sizes": [3,7,11],
- "resblock_dilation_sizes": [[1,3,5], [1,3,5], [1,3,5]],
- "upsample_rates": [10,8,2,2],
- "upsample_initial_channel": 512,
- "upsample_kernel_sizes": [16,16,4,4],
- "n_layers_q": 3,
- "use_spectral_norm": False,
- "gin_channels": 256,
- "ssl_dim": 256,
- "n_speakers": 0,
- },
- "spk":{
- "nen": 0,
- "paimon": 1,
- "yunhao": 2
- }
-}
-
-
-if __name__ == "__main__":
- parser = argparse.ArgumentParser()
- parser.add_argument("--train_list", type=str, default="./filelists/train.txt", help="path to train list")
- parser.add_argument("--val_list", type=str, default="./filelists/val.txt", help="path to val list")
- parser.add_argument("--test_list", type=str, default="./filelists/test.txt", help="path to test list")
- parser.add_argument("--source_dir", type=str, default="./dataset/32k", help="path to source dir")
- args = parser.parse_args()
-
- train = []
- val = []
- test = []
- idx = 0
- spk_dict = {}
- spk_id = 0
- for speaker in tqdm(os.listdir(args.source_dir)):
- spk_dict[speaker] = spk_id
- spk_id += 1
- wavs = [os.path.join(args.source_dir, speaker, i)for i in os.listdir(os.path.join(args.source_dir, speaker))]
- wavs = [i for i in wavs if i.endswith("wav")]
- shuffle(wavs)
- train += wavs[2:-10]
- val += wavs[:2]
- test += wavs[-10:]
- n_speakers = len(spk_dict.keys())*2
- shuffle(train)
- shuffle(val)
- shuffle(test)
-
- print("Writing", args.train_list)
- with open(args.train_list, "w") as f:
- for fname in tqdm(train):
- wavpath = fname
- f.write(wavpath + "\n")
-
- print("Writing", args.val_list)
- with open(args.val_list, "w") as f:
- for fname in tqdm(val):
- wavpath = fname
- f.write(wavpath + "\n")
-
- print("Writing", args.test_list)
- with open(args.test_list, "w") as f:
- for fname in tqdm(test):
- wavpath = fname
- f.write(wavpath + "\n")
-
- config_template["model"]["n_speakers"] = n_speakers
- config_template["spk"] = spk_dict
- print("Writing configs/config.json")
- with open("configs/config.json", "w") as f:
- json.dump(config_template, f, indent=2)
diff --git a/spaces/chompionsawelo/whisper_transcribe/tool/ffmpeg_tool.py b/spaces/chompionsawelo/whisper_transcribe/tool/ffmpeg_tool.py
deleted file mode 100644
index a684008bcc1ea6ccbef14bbc21333a568f166a25..0000000000000000000000000000000000000000
--- a/spaces/chompionsawelo/whisper_transcribe/tool/ffmpeg_tool.py
+++ /dev/null
@@ -1,41 +0,0 @@
-from tool.file_name import *
-import ffmpeg
-
-
-def convert_video_to_audio(input_file, start_time, end_time):
- print("CONVERTING VIDEO TO AUDIO")
- print(f"INPUT: {input_file}")
- print(f"OUTPUT: {dir_cut_audio_file}")
-
- (
- ffmpeg
- .input(input_file)
- .output(dir_cut_audio_file, ss=start_time, to=end_time, format="wav", acodec='pcm_s16le')
- .run(overwrite_output=True)
- )
-
-
-def cut_video(input_file, start_time, end_time):
- print("CUTTING VIDEO")
- print(f"INPUT: {input_file}")
- print(f"OUTPUT: {dir_cut_video_file}")
-
- (
- ffmpeg
- .input(input_file)
- .output(dir_cut_video_file, ss=start_time, to=end_time, acodec='copy', vcodec='copy')
- .run(overwrite_output=True)
- )
-
-
-def add_subtitle_to_video():
- print("ADDING SUBTITLE")
- print(f"SUBTITLE: {dir_adjusted_subtitle_file}")
- print(f"OUTPUT: {dir_video_subtitle_file}")
-
- (
- ffmpeg
- .input(dir_cut_video_file)
- .output(dir_video_subtitle_file, vf=f'subtitles={dir_adjusted_subtitle_file}', acodec='copy')
- .run(overwrite_output=True)
- )
diff --git a/spaces/chuan-hd/law-assistant-chatbot/.venv/lib/python3.11/site-packages/aiohttp/pytest_plugin.py b/spaces/chuan-hd/law-assistant-chatbot/.venv/lib/python3.11/site-packages/aiohttp/pytest_plugin.py
deleted file mode 100644
index dd9a9f617901ef2c2fa7c1b4ceb5dd92ecbfd5de..0000000000000000000000000000000000000000
--- a/spaces/chuan-hd/law-assistant-chatbot/.venv/lib/python3.11/site-packages/aiohttp/pytest_plugin.py
+++ /dev/null
@@ -1,391 +0,0 @@
-import asyncio
-import contextlib
-import warnings
-from collections.abc import Callable
-from typing import Any, Awaitable, Callable, Dict, Generator, Optional, Union
-
-import pytest
-
-from aiohttp.helpers import PY_37, isasyncgenfunction
-from aiohttp.web import Application
-
-from .test_utils import (
- BaseTestServer,
- RawTestServer,
- TestClient,
- TestServer,
- loop_context,
- setup_test_loop,
- teardown_test_loop,
- unused_port as _unused_port,
-)
-
-try:
- import uvloop
-except ImportError: # pragma: no cover
- uvloop = None
-
-try:
- import tokio
-except ImportError: # pragma: no cover
- tokio = None
-
-AiohttpClient = Callable[[Union[Application, BaseTestServer]], Awaitable[TestClient]]
-
-
-def pytest_addoption(parser): # type: ignore[no-untyped-def]
- parser.addoption(
- "--aiohttp-fast",
- action="store_true",
- default=False,
- help="run tests faster by disabling extra checks",
- )
- parser.addoption(
- "--aiohttp-loop",
- action="store",
- default="pyloop",
- help="run tests with specific loop: pyloop, uvloop, tokio or all",
- )
- parser.addoption(
- "--aiohttp-enable-loop-debug",
- action="store_true",
- default=False,
- help="enable event loop debug mode",
- )
-
-
-def pytest_fixture_setup(fixturedef): # type: ignore[no-untyped-def]
- """Set up pytest fixture.
-
- Allow fixtures to be coroutines. Run coroutine fixtures in an event loop.
- """
- func = fixturedef.func
-
- if isasyncgenfunction(func):
- # async generator fixture
- is_async_gen = True
- elif asyncio.iscoroutinefunction(func):
- # regular async fixture
- is_async_gen = False
- else:
- # not an async fixture, nothing to do
- return
-
- strip_request = False
- if "request" not in fixturedef.argnames:
- fixturedef.argnames += ("request",)
- strip_request = True
-
- def wrapper(*args, **kwargs): # type: ignore[no-untyped-def]
- request = kwargs["request"]
- if strip_request:
- del kwargs["request"]
-
- # if neither the fixture nor the test use the 'loop' fixture,
- # 'getfixturevalue' will fail because the test is not parameterized
- # (this can be removed someday if 'loop' is no longer parameterized)
- if "loop" not in request.fixturenames:
- raise Exception(
- "Asynchronous fixtures must depend on the 'loop' fixture or "
- "be used in tests depending from it."
- )
-
- _loop = request.getfixturevalue("loop")
-
- if is_async_gen:
- # for async generators, we need to advance the generator once,
- # then advance it again in a finalizer
- gen = func(*args, **kwargs)
-
- def finalizer(): # type: ignore[no-untyped-def]
- try:
- return _loop.run_until_complete(gen.__anext__())
- except StopAsyncIteration:
- pass
-
- request.addfinalizer(finalizer)
- return _loop.run_until_complete(gen.__anext__())
- else:
- return _loop.run_until_complete(func(*args, **kwargs))
-
- fixturedef.func = wrapper
-
-
-@pytest.fixture
-def fast(request): # type: ignore[no-untyped-def]
- """--fast config option"""
- return request.config.getoption("--aiohttp-fast")
-
-
-@pytest.fixture
-def loop_debug(request): # type: ignore[no-untyped-def]
- """--enable-loop-debug config option"""
- return request.config.getoption("--aiohttp-enable-loop-debug")
-
-
-@contextlib.contextmanager
-def _runtime_warning_context(): # type: ignore[no-untyped-def]
- """Context manager which checks for RuntimeWarnings.
-
- This exists specifically to
- avoid "coroutine 'X' was never awaited" warnings being missed.
-
- If RuntimeWarnings occur in the context a RuntimeError is raised.
- """
- with warnings.catch_warnings(record=True) as _warnings:
- yield
- rw = [
- "{w.filename}:{w.lineno}:{w.message}".format(w=w)
- for w in _warnings
- if w.category == RuntimeWarning
- ]
- if rw:
- raise RuntimeError(
- "{} Runtime Warning{},\n{}".format(
- len(rw), "" if len(rw) == 1 else "s", "\n".join(rw)
- )
- )
-
-
-@contextlib.contextmanager
-def _passthrough_loop_context(loop, fast=False): # type: ignore[no-untyped-def]
- """Passthrough loop context.
-
- Sets up and tears down a loop unless one is passed in via the loop
- argument when it's passed straight through.
- """
- if loop:
- # loop already exists, pass it straight through
- yield loop
- else:
- # this shadows loop_context's standard behavior
- loop = setup_test_loop()
- yield loop
- teardown_test_loop(loop, fast=fast)
-
-
-def pytest_pycollect_makeitem(collector, name, obj): # type: ignore[no-untyped-def]
- """Fix pytest collecting for coroutines."""
- if collector.funcnamefilter(name) and asyncio.iscoroutinefunction(obj):
- return list(collector._genfunctions(name, obj))
-
-
-def pytest_pyfunc_call(pyfuncitem): # type: ignore[no-untyped-def]
- """Run coroutines in an event loop instead of a normal function call."""
- fast = pyfuncitem.config.getoption("--aiohttp-fast")
- if asyncio.iscoroutinefunction(pyfuncitem.function):
- existing_loop = pyfuncitem.funcargs.get(
- "proactor_loop"
- ) or pyfuncitem.funcargs.get("loop", None)
- with _runtime_warning_context():
- with _passthrough_loop_context(existing_loop, fast=fast) as _loop:
- testargs = {
- arg: pyfuncitem.funcargs[arg]
- for arg in pyfuncitem._fixtureinfo.argnames
- }
- _loop.run_until_complete(pyfuncitem.obj(**testargs))
-
- return True
-
-
-def pytest_generate_tests(metafunc): # type: ignore[no-untyped-def]
- if "loop_factory" not in metafunc.fixturenames:
- return
-
- loops = metafunc.config.option.aiohttp_loop
- avail_factories = {"pyloop": asyncio.DefaultEventLoopPolicy}
-
- if uvloop is not None: # pragma: no cover
- avail_factories["uvloop"] = uvloop.EventLoopPolicy
-
- if tokio is not None: # pragma: no cover
- avail_factories["tokio"] = tokio.EventLoopPolicy
-
- if loops == "all":
- loops = "pyloop,uvloop?,tokio?"
-
- factories = {} # type: ignore[var-annotated]
- for name in loops.split(","):
- required = not name.endswith("?")
- name = name.strip(" ?")
- if name not in avail_factories: # pragma: no cover
- if required:
- raise ValueError(
- "Unknown loop '%s', available loops: %s"
- % (name, list(factories.keys()))
- )
- else:
- continue
- factories[name] = avail_factories[name]
- metafunc.parametrize(
- "loop_factory", list(factories.values()), ids=list(factories.keys())
- )
-
-
-@pytest.fixture
-def loop(loop_factory, fast, loop_debug): # type: ignore[no-untyped-def]
- """Return an instance of the event loop."""
- policy = loop_factory()
- asyncio.set_event_loop_policy(policy)
- with loop_context(fast=fast) as _loop:
- if loop_debug:
- _loop.set_debug(True) # pragma: no cover
- asyncio.set_event_loop(_loop)
- yield _loop
-
-
-@pytest.fixture
-def proactor_loop(): # type: ignore[no-untyped-def]
- if not PY_37:
- policy = asyncio.get_event_loop_policy()
- policy._loop_factory = asyncio.ProactorEventLoop # type: ignore[attr-defined]
- else:
- policy = asyncio.WindowsProactorEventLoopPolicy() # type: ignore[attr-defined]
- asyncio.set_event_loop_policy(policy)
-
- with loop_context(policy.new_event_loop) as _loop:
- asyncio.set_event_loop(_loop)
- yield _loop
-
-
-@pytest.fixture
-def unused_port(aiohttp_unused_port): # type: ignore[no-untyped-def] # pragma: no cover
- warnings.warn(
- "Deprecated, use aiohttp_unused_port fixture instead",
- DeprecationWarning,
- stacklevel=2,
- )
- return aiohttp_unused_port
-
-
-@pytest.fixture
-def aiohttp_unused_port(): # type: ignore[no-untyped-def]
- """Return a port that is unused on the current host."""
- return _unused_port
-
-
-@pytest.fixture
-def aiohttp_server(loop): # type: ignore[no-untyped-def]
- """Factory to create a TestServer instance, given an app.
-
- aiohttp_server(app, **kwargs)
- """
- servers = []
-
- async def go(app, *, port=None, **kwargs): # type: ignore[no-untyped-def]
- server = TestServer(app, port=port)
- await server.start_server(loop=loop, **kwargs)
- servers.append(server)
- return server
-
- yield go
-
- async def finalize() -> None:
- while servers:
- await servers.pop().close()
-
- loop.run_until_complete(finalize())
-
-
-@pytest.fixture
-def test_server(aiohttp_server): # type: ignore[no-untyped-def] # pragma: no cover
- warnings.warn(
- "Deprecated, use aiohttp_server fixture instead",
- DeprecationWarning,
- stacklevel=2,
- )
- return aiohttp_server
-
-
-@pytest.fixture
-def aiohttp_raw_server(loop): # type: ignore[no-untyped-def]
- """Factory to create a RawTestServer instance, given a web handler.
-
- aiohttp_raw_server(handler, **kwargs)
- """
- servers = []
-
- async def go(handler, *, port=None, **kwargs): # type: ignore[no-untyped-def]
- server = RawTestServer(handler, port=port)
- await server.start_server(loop=loop, **kwargs)
- servers.append(server)
- return server
-
- yield go
-
- async def finalize() -> None:
- while servers:
- await servers.pop().close()
-
- loop.run_until_complete(finalize())
-
-
-@pytest.fixture
-def raw_test_server( # type: ignore[no-untyped-def] # pragma: no cover
- aiohttp_raw_server,
-):
- warnings.warn(
- "Deprecated, use aiohttp_raw_server fixture instead",
- DeprecationWarning,
- stacklevel=2,
- )
- return aiohttp_raw_server
-
-
-@pytest.fixture
-def aiohttp_client(
- loop: asyncio.AbstractEventLoop,
-) -> Generator[AiohttpClient, None, None]:
- """Factory to create a TestClient instance.
-
- aiohttp_client(app, **kwargs)
- aiohttp_client(server, **kwargs)
- aiohttp_client(raw_server, **kwargs)
- """
- clients = []
-
- async def go(
- __param: Union[Application, BaseTestServer],
- *args: Any,
- server_kwargs: Optional[Dict[str, Any]] = None,
- **kwargs: Any
- ) -> TestClient:
-
- if isinstance(__param, Callable) and not isinstance( # type: ignore[arg-type]
- __param, (Application, BaseTestServer)
- ):
- __param = __param(loop, *args, **kwargs)
- kwargs = {}
- else:
- assert not args, "args should be empty"
-
- if isinstance(__param, Application):
- server_kwargs = server_kwargs or {}
- server = TestServer(__param, loop=loop, **server_kwargs)
- client = TestClient(server, loop=loop, **kwargs)
- elif isinstance(__param, BaseTestServer):
- client = TestClient(__param, loop=loop, **kwargs)
- else:
- raise ValueError("Unknown argument type: %r" % type(__param))
-
- await client.start_server()
- clients.append(client)
- return client
-
- yield go
-
- async def finalize() -> None:
- while clients:
- await clients.pop().close()
-
- loop.run_until_complete(finalize())
-
-
-@pytest.fixture
-def test_client(aiohttp_client): # type: ignore[no-untyped-def] # pragma: no cover
- warnings.warn(
- "Deprecated, use aiohttp_client fixture instead",
- DeprecationWarning,
- stacklevel=2,
- )
- return aiohttp_client
diff --git a/spaces/chuan-hd/law-assistant-chatbot/.venv/lib/python3.11/site-packages/attrs/__init__.py b/spaces/chuan-hd/law-assistant-chatbot/.venv/lib/python3.11/site-packages/attrs/__init__.py
deleted file mode 100644
index 0c2481561a93a912503754396782e987fcdd9629..0000000000000000000000000000000000000000
--- a/spaces/chuan-hd/law-assistant-chatbot/.venv/lib/python3.11/site-packages/attrs/__init__.py
+++ /dev/null
@@ -1,65 +0,0 @@
-# SPDX-License-Identifier: MIT
-
-from attr import (
- NOTHING,
- Attribute,
- AttrsInstance,
- Factory,
- _make_getattr,
- assoc,
- cmp_using,
- define,
- evolve,
- field,
- fields,
- fields_dict,
- frozen,
- has,
- make_class,
- mutable,
- resolve_types,
- validate,
-)
-from attr._next_gen import asdict, astuple
-
-from . import converters, exceptions, filters, setters, validators
-
-
-__all__ = [
- "__author__",
- "__copyright__",
- "__description__",
- "__doc__",
- "__email__",
- "__license__",
- "__title__",
- "__url__",
- "__version__",
- "__version_info__",
- "asdict",
- "assoc",
- "astuple",
- "Attribute",
- "AttrsInstance",
- "cmp_using",
- "converters",
- "define",
- "evolve",
- "exceptions",
- "Factory",
- "field",
- "fields_dict",
- "fields",
- "filters",
- "frozen",
- "has",
- "make_class",
- "mutable",
- "NOTHING",
- "resolve_types",
- "setters",
- "validate",
- "validators",
-]
-
-__getattr__ = _make_getattr(__name__)
diff --git a/spaces/chuan-hd/law-assistant-chatbot/.venv/lib/python3.11/site-packages/dataclasses_json/cfg.py b/spaces/chuan-hd/law-assistant-chatbot/.venv/lib/python3.11/site-packages/dataclasses_json/cfg.py
deleted file mode 100644
index 0ad723922423947716b56b42e31ffaee1730d115..0000000000000000000000000000000000000000
--- a/spaces/chuan-hd/law-assistant-chatbot/.venv/lib/python3.11/site-packages/dataclasses_json/cfg.py
+++ /dev/null
@@ -1,107 +0,0 @@
-import functools
-from enum import Enum
-from typing import Callable, Dict, Optional, TypeVar, Union
-
-from marshmallow.fields import Field as MarshmallowField
-
-from dataclasses_json.stringcase import (camelcase, pascalcase, snakecase,
- spinalcase) # type: ignore
-from dataclasses_json.undefined import Undefined, UndefinedParameterError
-
-T = TypeVar("T")
-
-
-class Exclude:
- """
- Pre-defined constants for exclusion. By default, fields are configured to
- be included.
- """
- ALWAYS: Callable[[T], bool] = lambda _: True
- NEVER: Callable[[T], bool] = lambda _: False
-
-
-# TODO: add warnings?
-class _GlobalConfig:
-
- def __init__(self):
- self.encoders: Dict[type, Callable] = {}
- self.decoders: Dict[type, Callable] = {}
- self.mm_fields: Dict[type, MarshmallowField] = {}
- # self._json_module = json
-
- # TODO: #180
- # @property
- # def json_module(self):
- # return self._json_module
- #
- # @json_module.setter
- # def json_module(self, value):
- # warnings.warn(f"Now using {value.__name__} module to handle JSON. "
- # f"{self._disable_msg}")
- # self._json_module = value
-
-
-global_config = _GlobalConfig()
-
-
-class LetterCase(Enum):
- CAMEL = camelcase
- KEBAB = spinalcase
- SNAKE = snakecase
- PASCAL = pascalcase
-
-
-def config(metadata: dict = None, *,
- # TODO: these can be typed more precisely
- # Specifically, a Callable[A, B], where `B` is bound as a JSON type
- encoder: Callable = None,
- decoder: Callable = None,
- mm_field: MarshmallowField = None,
- letter_case: Union[Callable[[str], str], LetterCase, None] = None,
- undefined: Optional[Union[str, Undefined]] = None,
- field_name: str = None,
- exclude: Union[Callable[[str, T], bool], Exclude, None] = None,
- ) -> Dict[str, dict]:
- if metadata is None:
- metadata = {}
-
- lib_metadata = metadata.setdefault('dataclasses_json', {})
-
- if encoder is not None:
- lib_metadata['encoder'] = encoder
-
- if decoder is not None:
- lib_metadata['decoder'] = decoder
-
- if mm_field is not None:
- lib_metadata['mm_field'] = mm_field
-
- if field_name is not None:
- if letter_case is not None:
- @functools.wraps(letter_case) # type:ignore
- def override(_, _letter_case=letter_case, _field_name=field_name):
- return _letter_case(_field_name)
- else:
- def override(_, _field_name=field_name): # type:ignore
- return _field_name
- letter_case = override
-
- if letter_case is not None:
- lib_metadata['letter_case'] = letter_case
-
- if undefined is not None:
- # Get the corresponding action for undefined parameters
- if isinstance(undefined, str):
- if not hasattr(Undefined, undefined.upper()):
- valid_actions = list(action.name for action in Undefined)
- raise UndefinedParameterError(
- f"Invalid undefined parameter action, "
- f"must be one of {valid_actions}")
- undefined = Undefined[undefined.upper()]
-
- lib_metadata['undefined'] = undefined
-
- if exclude is not None:
- lib_metadata['exclude'] = exclude
-
- return metadata
diff --git a/spaces/chuan-hd/law-assistant-chatbot/.venv/lib/python3.11/site-packages/google/protobuf/wrappers_pb2.py b/spaces/chuan-hd/law-assistant-chatbot/.venv/lib/python3.11/site-packages/google/protobuf/wrappers_pb2.py
deleted file mode 100644
index 035bddcb5e41c60e2b2344479d528d469e348282..0000000000000000000000000000000000000000
--- a/spaces/chuan-hd/law-assistant-chatbot/.venv/lib/python3.11/site-packages/google/protobuf/wrappers_pb2.py
+++ /dev/null
@@ -1,43 +0,0 @@
-# -*- coding: utf-8 -*-
-# Generated by the protocol buffer compiler. DO NOT EDIT!
-# source: google/protobuf/wrappers.proto
-"""Generated protocol buffer code."""
-from google.protobuf import descriptor as _descriptor
-from google.protobuf import descriptor_pool as _descriptor_pool
-from google.protobuf import symbol_database as _symbol_database
-from google.protobuf.internal import builder as _builder
-# @@protoc_insertion_point(imports)
-
-_sym_db = _symbol_database.Default()
-
-
-
-
-DESCRIPTOR = _descriptor_pool.Default().AddSerializedFile(b'\n\x1egoogle/protobuf/wrappers.proto\x12\x0fgoogle.protobuf\"#\n\x0b\x44oubleValue\x12\x14\n\x05value\x18\x01 \x01(\x01R\x05value\"\"\n\nFloatValue\x12\x14\n\x05value\x18\x01 \x01(\x02R\x05value\"\"\n\nInt64Value\x12\x14\n\x05value\x18\x01 \x01(\x03R\x05value\"#\n\x0bUInt64Value\x12\x14\n\x05value\x18\x01 \x01(\x04R\x05value\"\"\n\nInt32Value\x12\x14\n\x05value\x18\x01 \x01(\x05R\x05value\"#\n\x0bUInt32Value\x12\x14\n\x05value\x18\x01 \x01(\rR\x05value\"!\n\tBoolValue\x12\x14\n\x05value\x18\x01 \x01(\x08R\x05value\"#\n\x0bStringValue\x12\x14\n\x05value\x18\x01 \x01(\tR\x05value\"\"\n\nBytesValue\x12\x14\n\x05value\x18\x01 \x01(\x0cR\x05valueB\x83\x01\n\x13\x63om.google.protobufB\rWrappersProtoP\x01Z1google.golang.org/protobuf/types/known/wrapperspb\xf8\x01\x01\xa2\x02\x03GPB\xaa\x02\x1eGoogle.Protobuf.WellKnownTypesb\x06proto3')
-
-_globals = globals()
-_builder.BuildMessageAndEnumDescriptors(DESCRIPTOR, _globals)
-_builder.BuildTopDescriptorsAndMessages(DESCRIPTOR, 'google.protobuf.wrappers_pb2', _globals)
-if _descriptor._USE_C_DESCRIPTORS == False:
-
- DESCRIPTOR._options = None
- DESCRIPTOR._serialized_options = b'\n\023com.google.protobufB\rWrappersProtoP\001Z1google.golang.org/protobuf/types/known/wrapperspb\370\001\001\242\002\003GPB\252\002\036Google.Protobuf.WellKnownTypes'
- _globals['_DOUBLEVALUE']._serialized_start=51
- _globals['_DOUBLEVALUE']._serialized_end=86
- _globals['_FLOATVALUE']._serialized_start=88
- _globals['_FLOATVALUE']._serialized_end=122
- _globals['_INT64VALUE']._serialized_start=124
- _globals['_INT64VALUE']._serialized_end=158
- _globals['_UINT64VALUE']._serialized_start=160
- _globals['_UINT64VALUE']._serialized_end=195
- _globals['_INT32VALUE']._serialized_start=197
- _globals['_INT32VALUE']._serialized_end=231
- _globals['_UINT32VALUE']._serialized_start=233
- _globals['_UINT32VALUE']._serialized_end=268
- _globals['_BOOLVALUE']._serialized_start=270
- _globals['_BOOLVALUE']._serialized_end=303
- _globals['_STRINGVALUE']._serialized_start=305
- _globals['_STRINGVALUE']._serialized_end=340
- _globals['_BYTESVALUE']._serialized_start=342
- _globals['_BYTESVALUE']._serialized_end=376
-# @@protoc_insertion_point(module_scope)
diff --git a/spaces/chuan-hd/law-assistant-chatbot/.venv/lib/python3.11/site-packages/gradio/templates/cdn/assets/index-1e03cd90.css b/spaces/chuan-hd/law-assistant-chatbot/.venv/lib/python3.11/site-packages/gradio/templates/cdn/assets/index-1e03cd90.css
deleted file mode 100644
index 6692555db405e6eb83d0671b1ef9922ee30770d3..0000000000000000000000000000000000000000
--- a/spaces/chuan-hd/law-assistant-chatbot/.venv/lib/python3.11/site-packages/gradio/templates/cdn/assets/index-1e03cd90.css
+++ /dev/null
@@ -1 +0,0 @@
-.preview.svelte-w0jac3.svelte-w0jac3{display:flex;position:absolute;inset:0;flex-direction:column;z-index:var(--layer-2);backdrop-filter:blur(8px);background:var(--background-fill-primary);height:var(--size-full)}.fixed-height.svelte-w0jac3.svelte-w0jac3{min-height:var(--size-80);max-height:55vh}@media (min-width: 1280px){.fixed-height.svelte-w0jac3.svelte-w0jac3{min-height:450px}}.preview.svelte-w0jac3 img.svelte-w0jac3{width:var(--size-full);height:calc(var(--size-full) - 60px);object-fit:contain}.preview.svelte-w0jac3 img.with-caption.svelte-w0jac3{height:calc(var(--size-full) - 80px)}.caption.svelte-w0jac3.svelte-w0jac3{padding:var(--size-2) var(--size-3);overflow:hidden;color:var(--block-label-text-color);font-weight:var(--weight-semibold);text-align:center;text-overflow:ellipsis;white-space:nowrap}.thumbnails.svelte-w0jac3.svelte-w0jac3{display:flex;position:absolute;bottom:0;justify-content:center;align-items:center;gap:var(--spacing-lg);width:var(--size-full);height:var(--size-14);overflow-x:scroll}.thumbnail-item.svelte-w0jac3.svelte-w0jac3{--ring-color:transparent;position:relative;box-shadow:0 0 0 2px var(--ring-color),var(--shadow-drop);border:1px solid var(--border-color-primary);border-radius:var(--button-small-radius);background:var(--background-fill-secondary);aspect-ratio:var(--ratio-square);width:var(--size-full);height:var(--size-full);overflow:clip}.thumbnail-item.svelte-w0jac3.svelte-w0jac3:hover{--ring-color:var(--color-accent);filter:brightness(1.1)}.thumbnail-item.selected.svelte-w0jac3.svelte-w0jac3{--ring-color:var(--color-accent)}.thumbnail-small.svelte-w0jac3.svelte-w0jac3{flex:none;transform:scale(.9);transition:75ms;width:var(--size-9);height:var(--size-9)}.thumbnail-small.selected.svelte-w0jac3.svelte-w0jac3{--ring-color:var(--color-accent);transform:scale(1);border-color:var(--color-accent)}.thumbnail-small.svelte-w0jac3>img.svelte-w0jac3{width:var(--size-full);height:var(--size-full);overflow:hidden;object-fit:var(--object-fit)}.grid-wrap.svelte-w0jac3.svelte-w0jac3{position:relative;padding:var(--size-2);height:var(--size-full);overflow-y:auto}.grid-container.svelte-w0jac3.svelte-w0jac3{display:grid;position:relative;grid-template-rows:var(--grid-rows);grid-template-columns:var(--grid-cols);gap:var(--spacing-lg)}@media (min-width: 640px){.grid-container.svelte-w0jac3.svelte-w0jac3{grid-template-columns:var(--sm-grid-cols)}}@media (min-width: 768px){.grid-container.svelte-w0jac3.svelte-w0jac3{grid-template-columns:var(--md-grid-cols)}}@media (min-width: 1024px){.grid-container.svelte-w0jac3.svelte-w0jac3{grid-template-columns:var(--lg-grid-cols)}}@media (min-width: 1280px){.grid-container.svelte-w0jac3.svelte-w0jac3{grid-template-columns:var(--xl-grid-cols)}}@media (min-width: 1536px){.grid-container.svelte-w0jac3.svelte-w0jac3{grid-template-columns:var(--2xl-grid-cols)}}.thumbnail-lg.svelte-w0jac3>img.svelte-w0jac3{width:var(--size-full);height:var(--size-full);overflow:hidden;object-fit:var(--object-fit)}.thumbnail-lg.svelte-w0jac3:hover .caption-label.svelte-w0jac3{opacity:.5}.caption-label.svelte-w0jac3.svelte-w0jac3{position:absolute;right:var(--block-label-margin);bottom:var(--block-label-margin);z-index:var(--layer-1);border-top:1px solid var(--border-color-primary);border-left:1px solid var(--border-color-primary);border-radius:var(--block-label-radius);background:var(--background-fill-secondary);padding:var(--block-label-padding);max-width:80%;overflow:hidden;font-size:var(--block-label-text-size);text-align:left;text-overflow:ellipsis;white-space:nowrap}.icon-button.svelte-w0jac3.svelte-w0jac3{position:absolute;top:0;right:0;z-index:var(--layer-1)}
diff --git a/spaces/cihyFjudo/fairness-paper-search/Communication Is Key The Essential Skill for Success in Any Field.md b/spaces/cihyFjudo/fairness-paper-search/Communication Is Key The Essential Skill for Success in Any Field.md
deleted file mode 100644
index ddf480b7e9c3bbab47912c0b01b512ac4c31d29b..0000000000000000000000000000000000000000
--- a/spaces/cihyFjudo/fairness-paper-search/Communication Is Key The Essential Skill for Success in Any Field.md
+++ /dev/null
@@ -1,34 +0,0 @@
-
-The goal is to master communication and have a clear road map of how to use it to create positive outcomes in the workplace and in every conversation. Communication is key for creating wins for all parties involved, including employees and leaders, as well as team culture, the organization, customer service and ultimately the bottom line. When the focus of a company is on its product, service or customer support instead of solving internal issues, it can increase productivity, profits and employee engagement.
-Communication in the workplace is important because it boosts employee morale, engagement, productivity, and satisfaction. Communication is also key for better team collaboration and cooperation. Ultimately, effective workplace communication helps drive better results for individuals, teams, and organizations.
-Communication Is Key…
DOWNLOAD ––– https://tinurli.com/2uwhYi
-Leaders often deliver one-way communications to their teams. The goal may be to inform or update, such as a memo about a new company policy or a change in direction. Leaders also often communicate to persuade, encourage, and inspire commitment. They often communicate through stories more than data.
-Managers (and team members) often have to communicate with their own managers and with other leaders who are not in their direct chain of command. These may take the form of memos/emails, reports, or a slot in a standing meeting. Regardless of the format, these types of communications should be considered more formal.
-Communicating with customers can run the entire gamut discussed above, from one-offs to face-to-face, virtual, spoken, or written, formal to ad hoc. In general, all of the considerations of communication among employees go double for customers. Be deliberate and plan your messages to provide what your customer needs, in the way they prefer, and create a positive impression for the company and the product.
-Informal communications include the emails and chats you engage in all day: making requests, asking for information, responding to requests, and giving or receiving support and guidance. In addition to moving the work of the organization forward, these informal communications have secondary objectives of forming social connections, building culture, establishing trust, and finding common ground.
-Better communication techniques help employees to better comprehend their roles, which in turn helps employees perform their assigned duties better. Resources and time can be saved through these techniques, therefore getting more work done and reducing stress.
-From customer support representatives to senior technical staff, experience equals value to customers and to the company. And no organization wants to waste the huge costs of recruiting and training good employees by having them leave quickly. As a key factor in employee satisfaction and engagement, communication adds value to the organization by reducing the turnover of skilled and seasoned staff members.
-Many conflicts originate with miscommunication. Poor communication can create negative relationships or even toxic or hostile work environments. Building clear communication can improve company culture and prevent misunderstandings between managers and employees. This includes honing and refining communication styles that focus on listening to others, having empathy, and considering individual differences.
-
-Work on developing different tactics for different communication needs. Focus on experimenting with one aspect of your communication at a time. For example, spend a week paying extra attention to how you structure informal communications. Then spend a week trying different structures for formal meetings or updates.
-Ask a few trusted co-workers and your manager to rate your communication skills. Start by asking them to rate (i.e., on a scale of 1-10) your written and spoken communication separately. Then ask these 3 questions:
-Communicating well is even more important for leaders and managers during remote work. Doing it well can help build trust and connection with your team and avoid some of the frustrations that come from miscommunication.
-Being remote can make it easier for employees to check out and disengage. Be deliberate and creative about giving others a role in communication. Ask questions, use polling and ranking tools, and solicit responses in the form of emojis, gifs, or one-word descriptors.
-Every year communication tops the list of skills in demand by employers. There's a reason. Communication is what makes our professional and personal relationships go smoothly. It's how we show care, catalyze change, and get things done.
-You might have come across this quote very often - Communication is key. But what makes communication so important? Communication is the act of transferring information from one person to another. Communication is considered effective if the receiver understands your message as you intend.
-In a workplace, effective communication allows work to be completed diligently, improves productivity and saves time. In life, it helps to build meaningful relationships. As it plays a vital role in one's professional and personal success, communication is key to life, work and relationships. Communication has existed ever since humans appeared on this planet and continues to be essential for humans to create and share ideas, information, feelings, facts, views and emotions.
-Nowadays, communication occurs through a variety of mediums like verbally (Through phone & video calls), non-verbally (Through facial expressions), in-writing (Through newsletter, blogs), and even through behavior. But fundamentally, every communication involves a sender, a message, and a receiver.
-Communication is key to the success of an organization. Communicating effectively at work helps an individual grow professionally, increase productivity, and contribute to the sustainability of an organization. Employees with strong communication skills have a greater chance of becoming future leaders. In a workplace, there are two types of communication that take place:
-Synchronous communication is the exchange of information between two or more people that happens in real-time. This is most prevalent in in-office workplaces. Some examples of synchronous communication include phone calls, video conferencing, one-on-ones, and in-person meetings.
-Asynchronous communication is the exchange of information between two or more people which not does require an immediate response to the message sender. This type of communication is used mostly by remote companies. Examples of asynchronous communication are E-mail and chat communication.
-Innovation: Employees can share ideas concisely which brings more creativity and innovation to the table. Effective communication also provides the space needed to brainstorm and ideate on the various challenges faced by companies.
-The THANKS technique is a well-known method for improving your communication by thinking before you speak. To put simply, what you are about to say should be True, Helpful, Affirming, Necessary, Kind and Sincere.
-One study found that nonverbal communication accounted for 55 percent of how an audience perceived a presenter. That means that the majority of communication is not through words, but through physical cues.
-Good communication is an important part of all relationships and is an essential part of any healthy partnership. All relationships have ups and downs, but a healthy communication style can make it easier to deal with conflict and build a stronger and healthier partnership.
-By definition, communication is the transfer of information from one place to another. In relationships, communication allows to you explain to someone else what you are experiencing and what your needs are. The act of communicating not only helps to meet your needs, but it also helps you to be connected in your relationship.
-Open and clear communication can be learnt. Some people find it hard to talk and may need time and encouragement to express their views. These people may be good listeners, or they may be people whose actions speak louder than their words.
-When you are more aware of how you communicate, you will be able to have more control over what happens between you. While it may not be easy at first, opening up new areas of communication can lead to a more fulfilling relationship.
-A rapid communication released by the World Health Organization (WHO) Global Tuberculosis Programme has announced upcoming updates to the guidance on the treatment of drug-resistant tuberculosis (DR-TB). These updates include shorter novel 6-month all-oral regimens for the treatment of multidrug- and rifampicin-resistant TB (MDR/RR-TB), with or without additional resistance to fluoroquinolones (pre-XDR-TB) as well as an alternative 9-month all-oral regimen for the treatment of MDR/RR-TB.
-) */ .bs-bb box-sizing: border-box; .bs-bb *, .bs-bb *:before, .bs-bb *:after box-sizing: inherit; .d-ib display: inline-block; .d-i display: inline; .prevent-collapse div[class^='span'], .prevent-collapse div[class*=" span"] min-height: 1px; /* Prevent collapse when empty */ .va-m vertical-align: middle; .uc text-transform: uppercase !important; a.no-unl:link, a.no-unl:visited, a.no-unl:hover, a.no-unl:visited:hover, a.no-unl:active text-decoration: none; /* Margin / Padding classes: in this order, we can do something like class="ma1 mb8" for 1px all sides, but 8px for bottom */ .mcap margin-top: 34px; .mcap2 margin-top: 60px; .mbase margin-bottom: 120px; /* Fix no space appearing after 'load more' in tablet and mobile and remove extra space from last blog item load more has a margin top to give space */ div.row div.span9 div.blog-item.mb50:last-of-type margin-bottom: 0px; .ma1 margin: 1px; .mv0 margin-top: 0; margin-bottom: 0; .mv1 margin-top: 1px; margin-bottom: 1px; /* ... */ .mv30 margin-top: 30px; margin-bottom: 30px; .mv40 margin-top: 40px; margin-bottom: 40px; .mv50 margin-top: 50px; margin-bottom: 50px; .mv60 margin-top: 60px; margin-bottom: 60px; .mt2 margin-top: 2px; .mt3 margin-top: 3px; .mt4 margin-top: 4px; .mt5 margin-top: 5px; .mt6 margin-top: 6px; .mt16 margin-top: 16px; /* ... */ .mt30 margin-top: 30px; .mt20 margin-top: 20px; .mt30 margin-top: 30px; .mt31 margin-top: 31px; .mt32 margin-top: 32px; .mt33 margin-top: 33px; .mt34 margin-top: 34px; /* ... */ .mt40 margin-top: 40px; .mt50 margin-top: 50px; .mt60 margin-top: 60px; .mr24 margin-right: 24px; .mb0, .ua-mobile .mb0-mobile, .ua-tablet .mb0-tablet margin-bottom: 0; .mb1, .ua-mobile .mb1-mobile, .ua-tablet .mb1-tablet margin-bottom: 1px; .mb2 margin-bottom: 2px; .mb3 margin-bottom: 3px; .mb4 margin-bottom: 4px; .mb5 margin-bottom: 5px; .mb6 margin-bottom: 6px; .mb7 margin-bottom: 7px; .mb8 margin-bottom: 8px; .mb9 margin-bottom: 9px; .mb10 margin-bottom: 10px; .mb11 margin-bottom: 11px; .mb12 margin-bottom: 12px; .mb13 margin-bottom: 13px; .mb14 margin-bottom: 14px; .mb15 margin-bottom: 15px; .mb16 margin-bottom: 16px !important; /* ... */ .mb20 margin-bottom: 20px; .mb30 margin-bottom: 30px; .mb33 margin-bottom: 30px; .mb40 margin-bottom: 40px; .mb50 margin-bottom: 50px; .mb60 margin-bottom: 60px; .ua-mobile .mb20-mobile margin-bottom: 20px; .mln23 margin-left: -23px; .ml16 margin-left: 16px; /* ... */ .ml24 margin-left: 24px; .pa16 padding: 16px; .pv6 padding-top: 6px; padding-bottom: 6px; /* ... */ .pv16 padding-top: 16px; padding-bottom: 16px; .pv17 padding-top: 17px; padding-bottom: 17px; .pv18 padding-top: 18px; padding-bottom: 18px; .pv19 padding-top: 19px; padding-bottom: 19px; .ph25 padding-right: 25px; padding-left: 25px; .pt6 padding-top: 6px; .pt82, .ua-mobile .pt82-mobile, .ua-tablet .pt82-tablet padding-top: 82px; .pl23 padding-left: 23px !important; .pr8 padding-right: 8px; .type-framework .fs13 font-size: 13px; .type-framework .fs15 font-size: 15px; .type-framework .fs16 font-size: 16px; /* ... */ .type-framework .fs23 font-size: 23px; .type-framework .lh21 line-height: 21px; .pull-right float: right; .pull-left float: left; .facet-container ul.unbulleted li a text-decoration: none; .facet-container ul.unbulleted li a:hover text-decoration: underline; *[data-trigger] cursor: pointer; .csv:after content: ","; .csv:last-of-type:after content: " "; @media (min-width: 920px) /* desktop */ .pattern-framework .media-list3 .media:last-child padding-bottom:0px; .pattern-framework .media-list3.mb0-desktop margin-bottom:0px; .blog-related-content p.more margin-bottom:0px; @media (max-width: 1220px) and (min-width: 920px) /* baby desktop */ @media (max-width: 919px) and (min-width: 651px) /* tablet */ .mt30-tablet, .row.mt30-tablet margin-top: 30px; .mbase.row > div.span9 margin-bottom: 60px; @media (max-width: 650px) /* mobile */ .mt30-mobile, .row.mt30-mobile margin-top: 30px; .mbase.row > div.span9 margin-bottom: 60px; /* * Utils for icomoon icons */ .ico-r90:before display: inline-block; -ms-transform: rotate(90deg); -webkit-transform: rotate(90deg); transform: rotate(90deg); .ico-fh:before display: inline-block; vertical-align: middle; -moz-transform: scaleX(-1); -o-transform: scaleX(-1); -webkit-transform: scaleX(-1); transform: scaleX(-1); filter: FlipH; -ms-filter: "FlipH"; /* * Possible additions to Print Framework */ @media print .color-framework .print-trans-bg background-color: transparent !important; .print-r-pa padding: 0; /* p-r = print-reset */ .facet-container, .blog-item .span1 display:none /* ========================================================================== MJ: Blog ========================================================================== */ /* MJ: Blog tags and comments under title */ .blog-post-meta-sep margin-left: 12px; padding-left: 12px; border-left: 1px solid #b2b2b2; display:inline-block; /* MJ: Blog Author type icon colors */ .blog-author-type-2 color: #c00032; .blog-author-type-1 color: #89d5de; .blog-author-type-3 color: #fbb664; /* EH: commenting out this for now - unsure when this was added path.blog-author-type-2 fill: #c00032; path.blog-author-type-1 fill: #89d5de; path.blog-author-type-3 fill: #fbb664; path.blog-author-type-4 fill: #000000; */ /* MJ: Blog Content */ .post-content h2 margin: 0px 0 22px 0; .post-content figure margin: 1em .post-content figure figcaption font-size: 12px; line-height: 1.1em .post-content img max-width: 100% /* MJ: Images on single post page */ .post-media display: block; margin: 0; .post-content .post-media margin-top: 0; margin-bottom: 30px; background-color: #e9e9e9; .post-content * ~ .post-media margin-top: 30px; .post-content .post-media:not(:first-of-type) margin-top: 30px; .post-media.no-caption background-color: transparent; .post-content .post-media.no-caption clear: left; float: left; /*max-width: 400px; margin-right: 30px;*/ .post-media-image display: block; float: left; max-height: 450px; margin: 0px !important; margin-right: 30px !important; .post-media-caption display: block; float: left; margin: 38px 20px 20px 15px; .ua-mobile .post-media, .ua-tablet .post-media text-align: center; background-color: transparent; .ua-mobile .post-media-image, .ua-tablet .post-media-image display: inline; float: none; margin: 0 auto; .ua-mobile .post-media-caption, .ua-tablet .post-media-caption float: none; .ua-mobile .post-media.tile .icon-image, .ua-tablet .post-media.tile .icon-image display: none; [data-zoom] cursor: pointer; /* MJ: Modal carousel */ .carousel-slideshow padding: 0; .carousel-slideshow li text-align: center; .carousel-slideshow .carousel-nav margin-top: 20px; .carousel-slideshow.is-single .carousel-nav display: none; .carousel-panels > li max-height: 800px; #fancybox-wrap #fancybox-outer .carousel-panels > li float: none; display: inline-block; vertical-align: middle; #fancybox-wrap.html-lightbox #fancybox-outer .fancybox-close right: -16px; top: -22px; z-index: 1000; color: #fff; #fancybox-wrap.html-lightbox #fancybox-outer .fancybox-close:hover opacity: 0.6; color: #fff; /* MJ: Related content below post on single post page */ .pattern-framework .media-list3 .span99 padding-left: 19px; .pattern-framework .media-list3 .media:first-child padding-top: 0; .pattern-framework .media-list3 .media:last-child border-bottom-width: 0; .pattern-framework .media-list-dividers border-top-width: 0; .pattern-framework .media-list3 p margin-bottom: 0; line-height: 1.5; font-size: 15px; /* Facet arrow on single post page */ .pattern-framework .facet-breadcrumb-pattern .txt-arrow:last-child display: inline-block; /* ES - Accessibility outline fix */ .pattern-framework .facet-pattern2 .facet-list padding-left: 0px; .pattern-framework .facet-pattern2 .facet-list li .inactive, .pattern-framework .facet-pattern2 .facet-list li a text-indent: 0px; /* MJ: Affix */ .ua-desktop .affix-container display: none; .ua-tablet .affix-container, .ua-mobile .affix-container position: relative; min-height: 62px; [data-widget=blogAffix].affix-active position: fixed; z-index: 1; top: 0; width: 100%; /* MJ: Load More */ .loader, .loader:before, .loader:after border-radius: 50%; .loader:before, .loader:after position: absolute; content: ''; background: #a41034; .btn-load-more:hover .loader:before, .btn-load-more:hover .loader:after background: #000; .loader:before width: 50%; height: 100%; border-radius: 0; top: 0; left: 0; -webkit-transform-origin: 9px 9px; transform-origin: 9px 9px; -webkit-animation: load 2s infinite ease 1.5s; animation: load 2s infinite ease 1.5s; .loader display: inline-block; font-size: 11px; text-indent: -99999em; position: relative; width: 18px; height: 18px; box-shadow: inset 0 0 0 2px #FFF; .loader:after width: 50%; height: 100%; border-radius: 0; top: 0; left: 50%; -webkit-transform-origin: 0px 9px; transform-origin: 0px 9px; -webkit-animation: load 2s infinite ease; animation: load 2s infinite ease; @-webkit-keyframes load 0% -webkit-transform: rotate(0deg); transform: rotate(0deg); 100% -webkit-transform: rotate(360deg); transform: rotate(360deg); @keyframes load 0% -webkit-transform: rotate(0deg); transform: rotate(0deg); 100% -webkit-transform: rotate(360deg); transform: rotate(360deg); [data-blogloadmore-loading-show], .loader display: none; a#blog-grid-view:hover, a#blog-list-view:hover text-decoration: none; .grid-display display: flex; flex-wrap: wrap; margin-left: -20px; /* AW:11/23/21 support for non-expanded and expanded grid */ .expanded-grid-framework .grid-display .blog-item.grid width:380px; margin-left:20px; .grid-display .blog-item.grid width:312px; margin-left:20px; .grid-display .blog-item.grid3 width: 280px; margin-left: 20px; @media (max-width: 1220px) and (min-width: 920px) .grid-display .blog-item.grid3 width: 317px; @media (max-width: 919px) and (min-width: 651px) .grid-display .blog-item.grid3 width: 30%; @media (max-width: 650px) .grid-display .blog-item.grid3 width: 100%; .blog-item blockquote font: normal 23px/30px 'Trade Gothic W01 Bold 2',Arial,Helvetica,Verdana,sans-serif;text-transform: uppercase;line-height: 32px;margin-bottom:24px;.blog-item .hr margin:32px 0;.facet-pattern2 .hr margin:0 !important;.blog-item .span9 ul, .blog-item .span9 ol, .blog-item .span9 ol li margin-bottom:24px; .blog-item .span9 .date-field ul margin-bottom: 12px; .facet-container a.btn-submit text-transform: none; font-size: 23px; line-height: 24px; padding: 16px 20px; border-radius: 3px; .blog-item .tab margin-left: 40px; .component-framework a.btn.btn-load-more::after display:none !important; .blog-item h3 margin-bottom: 18px; .blog-item h4 margin-bottom: 12px; var _domready = _domready || []; _domready.push(function()); Filter Results Arrow Down Arrow Up Topics Topics
Accounting Analytics Business Essentials Business in Society Career Development Communication Community ConneXt Decision-Making Earning Your MBA Entrepreneurship & Innovation Finance Leadership Management Marketing Negotiation News & Events Productivity Staff Spotlight Strategy Student Profiles Technology Work-Life Balance Courses Courses Alternative Investments Business Analytics Business Strategy CORe Design Thinking and Innovation Disruptive Strategy Economics for Managers Entrepreneurship Essentials Financial Accounting Global Business Leadership Principles Leading with Finance Management Essentials Negotiation Mastery Organizational Leadership Power and Influence for Positive Impact Strategy Execution Sustainable Business Strategy Sustainable Investing Subscribe to the Blog RSS feed Filters Topics Topics Accounting Analytics Business Essentials Business in Society Career Development Communication Community ConneXt Decision-Making Earning Your MBA Entrepreneurship & Innovation Finance Leadership Management Marketing Negotiation News & Events Productivity Staff Spotlight Strategy Student Profiles Technology Work-Life Balance Courses Courses Alternative Investments Business Analytics Business Strategy CORe Design Thinking and Innovation Disruptive Strategy Economics for Managers Entrepreneurship Essentials Financial Accounting Global Business Leadership Principles Leading with Finance Management Essentials Negotiation Mastery Organizational Leadership Power and Influence for Positive Impact Strategy Execution Sustainable Business Strategy Sustainable Investing Subscribe to the Blog RSS feed var blogAnalyticsRefiners = []; var blogAnalyticsTotal = 730; var blogAnalyticsQuery = ""; 8 Essential Leadership Communication Skills 14 Nov 2019 Lauren Landry Author Staff tag Communication