Search Options

Results per page
Sort
Preferred Languages
Advance

Results 1 - 10 of 12 for tac_module (0.32 sec)

  1. tensorflow/compiler/mlir/lite/experimental/tac/BUILD

            "@llvm-project//mlir:Pass",
            "@llvm-project//mlir:Support",
        ],
        alwayslink = 1,
    )
    
    # TODO(b/177376459): split tac_module and passes dependency to separate libraries.
    cc_library(
        name = "target_aware_conversion",
        srcs = [
            "tac_module.cc",
            "transforms/compute_cost.cc",
            "transforms/fold_constants_to_subgraph.cc",
            "transforms/get_alternative_subgraph.cc",
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Jun 11 06:11:34 UTC 2024
    - 12K bytes
    - Viewed (0)
  2. tensorflow/compiler/mlir/quantization/stablehlo/python/integration_test/stablehlo_quantizer_odml_oss.ipynb

            "  ).call,\n",
            "    with_gradient=False,\n",
            "    native_serialization=True,\n",
            "    native_serialization_platforms=('cpu',))\n",
            "\n",
            "tf_module = tf.Module()\n",
            "tf_module.f = tf.function(\n",
            "    jax_callable,\n",
            "    autograph=False,\n",
            "    input_signature=[\n",
            "        tf.TensorSpec(input_shape, jnp.float32, 'lhs_operand')\n",
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri Apr 12 03:40:43 UTC 2024
    - 5.4K bytes
    - Viewed (0)
  3. tensorflow/compiler/mlir/tensorflow_to_stablehlo/python/pywrap_tensorflow_to_stablehlo_lib.cc

      mlir::MLIRContext context(registry);
      context.loadAllAvailableDialects();
    
      auto tf_module = mlir::parseSourceString<ModuleOp>(module_op_str, &context);
      if (!tf_module) {
        return absl::UnknownError("Failed to parse MLIR module");
      }
    
      auto mlir_file_path = ExportModule(*tf_module);
      if (!mlir_file_path.ok()) {
        return absl::UnknownError(
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue May 21 22:58:42 UTC 2024
    - 5K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/tensorflow/transforms/xla_call_module_deserialization.cc

    // module itself without inserting into the tf module.
    FailureOr<StringAttr> RenameStablehloFunctions(
        MLIRContext *context, SymbolTableCollection &symbol_tables,
        ModuleOp tf_module, ModuleOp stablehlo_module) {
      SymbolTable &tf_symbol_table = symbol_tables.getSymbolTable(tf_module);
      // `stablehlo_module` is deleted right after the deserialization, so no need
      // to store its `SymbolTable` to `SymbolTableCollection`.
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu May 23 09:05:47 UTC 2024
    - 11.1K bytes
    - Viewed (0)
  5. tensorflow/compiler/mlir/tfr/passes/raise_to_tf.cc

                        arith::ArithDialect, func::FuncDialect>();
      }
    
      explicit RaiseToTFOpsPass(std::optional<ModuleOp> tfr_module,
                                bool materialize_derived_attrs)
          : external_tfr_module_(tfr_module),
            materialize_derived_attrs_(materialize_derived_attrs) {}
    
      StringRef getArgument() const final { return "tfr-raise-to-tf"; }
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 21.8K bytes
    - Viewed (0)
  6. tensorflow/compiler/mlir/tfr/integration/tfr_decompose_ctx.cc

      }
      return absl::OkStatus();
    }
    
    // Constructor of the decompose context.
    TFRDecomposeContext::TFRDecomposeContext(mlir::ModuleOp tfr_module)
        : tfr_module_(tfr_module), pm_(tfr_module_.getContext()) {
      mlir::OpPassManager& func_pm = pm_.nest<mlir::func::FuncOp>();
    
      // Prepare the imported graph.
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Apr 29 02:34:43 UTC 2024
    - 9.1K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/lite/stablehlo/odml_to_stablehlo.cc

      os.flush();
    
      output->os() << result;
      output->keep();
    
      return absl::OkStatus();
    }
    
    tensorflow::Status ConvertTFToStableHLO(
        ModuleOp tf_module, const PassPipelineCLParser& pass_pipeline) {
      PassManager pm(tf_module.getContext());
      if (failed(applyPassManagerCLOptions(pm))) {
        return tensorflow::errors::Aborted(
            "Failed to apply MLIR pass manager CL options.");
      }
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri May 03 18:16:49 UTC 2024
    - 14.1K bytes
    - Viewed (0)
  8. tensorflow/compiler/mlir/tensorflow/transforms/host_runtime/tpu_rewrite_pass.cc

      func::FuncOp func =
          cluster_func->getParentOfType<ModuleOp>().lookupSymbol<func::FuncOp>(
              func_attr.getValue());
    
      std::string txt_module;
      if (failed(EncapsulateFuncAndSerialize(
              module_name.empty() ? "unknown_graph" : module_name.str(), func,
              &txt_module)))
        return nullptr;
    
      auto compilation_status_type =
          RankedTensorType::get({}, builder->getType<TF::StringType>());
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Apr 30 21:25:12 UTC 2024
    - 29.7K bytes
    - Viewed (0)
  9. tensorflow/compiler/mlir/mlir_graph_optimization_pass.cc

        return;
      }
    
      // Print the module to a string before writing to the file.
      std::string txt_module;
      {
        llvm::raw_string_ostream os(txt_module);
        module.print(os);
      }
    
      status = file_writer->Append(txt_module);
      if (!status.ok()) {
        LOG(WARNING) << "error writing to file '" << prefix
                     << "': " << status.message();
        return;
      }
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Jun 12 22:19:26 UTC 2024
    - 18.5K bytes
    - Viewed (0)
  10. tensorflow/compiler/mlir/tfr/passes/decompose.cc

    }
    
    }  // namespace
    
    // Creates an instance of the pass to decompose the TF ops.
    std::unique_ptr<OperationPass<func::FuncOp>> CreateDecomposeTFOpsPass(
        std::optional<ModuleOp> tfr_module) {
      return std::make_unique<DecomposeTFOpsPass>(tfr_module);
    }
    
    static PassRegistration<DecomposeTFOpsPass> pass([] {
      return CreateDecomposeTFOpsPass();
    });
    
    }  // namespace TFR
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Apr 25 16:01:03 UTC 2024
    - 14.6K bytes
    - Viewed (0)
Back to top